diff --git a/200155_Anshul_Assignment_2.ipynb b/200155_Anshul_Assignment_2.ipynb new file mode 100644 index 0000000..e0a538e --- /dev/null +++ b/200155_Anshul_Assignment_2.ipynb @@ -0,0 +1,705 @@ +{ + "nbformat": 4, + "nbformat_minor": 0, + "metadata": { + "colab": { + "name": "200155_Anshul_Assignment_2.ipynb", + "provenance": [], + "collapsed_sections": [], + "include_colab_link": true + }, + "kernelspec": { + "name": "python3", + "display_name": "Python 3" + }, + "language_info": { + "name": "python" + } + }, + "cells": [ + { + "cell_type": "markdown", + "metadata": { + "id": "view-in-github", + "colab_type": "text" + }, + "source": [ + "\"Open" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "rvFM645NE-D2" + }, + "source": [ + "# Assignment 2\n", + "In this assignment, we will go through Perceptron, Linear Classifiers, Loss Functions, Gradient Descent and Back Propagation.\n", + "\n", + "\n", + "PS. this one is not from Stanford's course.\n", + "\n", + "\n", + "\n", + "\\\n", + "\n", + "## Instructions\n", + "* This notebook contain blocks of code, you are required to complete those blocks(where required)\n", + "* You are required to copy this notebook (\"copy to drive\" above) and complete the code.(DO NOT CHANGE THE NAME OF THE FUNCTIONS)" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "collapsed": true, + "id": "QLtp15rqE-EU" + }, + "source": [ + "# Part 1: Perceptron\n", + "In this section, we will see how to implement a perceptron. Goal would be for you to delve into the mathematics.\n" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "Zao4e-DphaGA" + }, + "source": [ + "## Intro\n", + "What's a perceptron? It's an algorithm modelled on biological computational model to classify things into binary classes. It's a supervides learning algorithm, meaning that you need to provide labelled data containing features and the actual classifications. A perceptron would take these features as input and spit out a binary value (0 or 1). While training the model with training data, we try to minimise the error and learn the parameters involved." + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "wDTUoAd6ixm-" + }, + "source": [ + "**How does it work?**\\\n", + "A perceptron is modelled on a biological neuron. A neuron has input dendrites and the output is carried by axons. Similarly, a perceptron takes inputs called \"features\". After processing, a perceptron gives output. For computation, it has a \"weight\" vector which is multipled with feature vector. An activation function is added to introduce some non linearities and the output is given out.\\\n", + "It can be represented as: $$ f=\\sum_{i=1}^{m} w_ix_i +b$$\n", + "\n", + "Let's implement this simple function to give an output.\n", + "\n" + ] + }, + { + "cell_type": "code", + "metadata": { + "id": "iXezofBIgzId" + }, + "source": [ + "import numpy as np\n", + "\n", + "class perceptron():\n", + " def __init__(self,num_input_features=8):\n", + " self.weights = np.random.randn(num_input_features)\n", + " self.bias = np.random.random()\n", + "\n", + " def activation(self,x):\n", + " '''\n", + " Implement heavside step activation function here (google ;))\n", + " '''\n", + " if x >= 0:\n", + " return 1\n", + " else:\n", + " return 0\n", + "\n", + "\n", + " def forward(self,x: np.ndarray):\n", + " '''\n", + " you have random initialized weights and bias\n", + " you can access then using `self.weights` and `self.bias`\n", + " you should use activation function before returning\n", + " \n", + " x : input features\n", + " return : a binary value as the output of the perceptron \n", + " '''\n", + " w = self.weights \n", + " b = self. bias \n", + " f = x.dot(w) + b\n", + " return self.activation(f)" + ], + "execution_count": 1, + "outputs": [] + }, + { + "cell_type": "code", + "metadata": { + "id": "oSKwDFAyocVo" + }, + "source": [ + "np.random.seed(0)\n", + "perc = perceptron(8)\n", + "assert perc.forward(np.arange(8))==1" + ], + "execution_count": 2, + "outputs": [] + }, + { + "cell_type": "markdown", + "metadata": { + "collapsed": true, + "id": "NWTTg1e9r7uM" + }, + "source": [ + "# Part 2: Linear Classifier\n", + "In this section, we will see how to implement a linear Classifier.\n" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "DYDO4GcHr7uM" + }, + "source": [ + "## Intro\n" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "-HFvjH06r7uN" + }, + "source": [ + "**How does it work?**\n", + "\n", + "Linear Classifier uses the following function: $$Y = WX+b$$ Where, $W$ is a 2d array of weights with shape (#classes, #features).\n", + "\n", + "\n", + "\n", + "Let's implement this classifier.\n", + "\n" + ] + }, + { + "cell_type": "code", + "metadata": { + "id": "9A13CEkGr7uN" + }, + "source": [ + "import numpy as np\n", + "\n", + "class LinearClassifier():\n", + " def __init__(self,num_input_features=32,num_classes=5):\n", + " self.weights = np.random.randn(num_classes,num_input_features)\n", + " self.bias = np.random.rand(num_classes,1)\n", + "\n", + " def forward(self,x: np.ndarray):\n", + " '''\n", + " x: input features\n", + " you have random initialized weights and bias\n", + " you can access then using `self.weights` and `self.bias`\n", + " return an output vector of num_classes size\n", + " '''\n", + " return self.weights.dot(x) + self.bias\n", + " pass" + ], + "execution_count": 3, + "outputs": [] + }, + { + "cell_type": "code", + "metadata": { + "id": "zgzPxyTsr7uN", + "outputId": "2263eff5-1a88-48a8-cf5b-981695266303", + "colab": { + "base_uri": "https://localhost:8080/" + } + }, + "source": [ + "np.random.seed(0)\n", + "lc = LinearClassifier()\n", + "lc.forward(np.random.rand(32,1))\n", + "# Should be close to:\n", + "# array([[ 7.07730669],\n", + " # [-10.24067722],\n", + " # [ 0.75398702],\n", + " # [ 9.8019519 ],\n", + " # [ 2.36684038]])" + ], + "execution_count": 4, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/plain": [ + "array([[ 7.07730669],\n", + " [-10.24067722],\n", + " [ 0.75398702],\n", + " [ 9.8019519 ],\n", + " [ 2.36684038]])" + ] + }, + "metadata": {}, + "execution_count": 4 + } + ] + }, + { + "cell_type": "markdown", + "metadata": { + "collapsed": true, + "id": "ZVgOVzJetuqo" + }, + "source": [ + "# Part 3: Loss Functions, Gradient descent and Backpropagation\n", + "\n", + "\n" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "4pXryjpctuqy" + }, + "source": [ + "## Intro\n", + "\n", + "Loss Functions tells how \"off\" the output od our model is. Based upon the application, you can use several different loss functions. Formally, A loss function is a function $L:(z,y)\\in\\mathbb{R}\\times Y\\longmapsto L(z,y)\\in\\mathbb{R}$ that takes as inputs the predicted value $z$ corresponding to the real data value yy and outputs how different they are We'll implement L1 loss, L2 loss, Logistic loss, hinge loss and cross entropy loss functions." + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "QGRb8BHotuqy" + }, + "source": [ + "### **L1 loss**\n", + "L1 loss is the linear loss function $L = \\dfrac{1}{2}|y−z| $\n", + "\n" + ] + }, + { + "cell_type": "code", + "metadata": { + "id": "YxVh6IL2tuqz" + }, + "source": [ + "import numpy as np\n", + "def L1loss(z,y):\n", + " '''\n", + " y : True output.\n", + " z : Predicted output.\n", + " return : L\n", + " '''\n", + " return np.sum(0.5*abs(y-z))\n", + " " + ], + "execution_count": 5, + "outputs": [] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "2xy8ZS84cKtQ" + }, + "source": [ + "### **L2 loss**\n", + "L2 loss is the quadratic loss function or the least square error function $L = \\dfrac{1}{2}(y−z)^2 $\n", + "\n" + ] + }, + { + "cell_type": "code", + "metadata": { + "id": "JThp5P-KcKtS" + }, + "source": [ + "import numpy as np\n", + "def L2loss(z,y):\n", + " '''\n", + " y : True output. \n", + " z : Predicted output. \n", + " return : L\n", + " '''\n", + " return np.sum(0.5*((y-z)**2))\n", + " " + ], + "execution_count": 6, + "outputs": [] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "Z2JNLnWYcLSC" + }, + "source": [ + "### **Hinge Loss**\n", + "Hinge loss is: $ L = max( 0, 1 - yz ) $" + ] + }, + { + "cell_type": "code", + "metadata": { + "id": "gQ1YM4J-cLSC" + }, + "source": [ + "import numpy as np\n", + "def hingeLoss(z,y):\n", + " '''\n", + " y : True output. \n", + " z : Predicted output. \n", + " return : L\n", + " '''\n", + " L = 0\n", + " for i in range(len(y)):\n", + " L += max(0,1-y[i]*z[i])\n", + " return L\n", + " " + ], + "execution_count": 7, + "outputs": [] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "m15_MjradMNY" + }, + "source": [ + "### **Cross Entropy Loss**\n", + "Another very famous loss function is Cross Entropy loss: $ L = −[ylog(z)+(1−y)log(1−z)] $." + ] + }, + { + "cell_type": "code", + "metadata": { + "id": "snJLqhszdMNY" + }, + "source": [ + "import numpy as np\n", + "from math import *\n", + "def CELoss(z,y):\n", + " '''\n", + " y : True output. \n", + " z : Predicted output. \n", + " return : L\n", + " '''\n", + " L = 0\n", + " for i in range(len(y)):\n", + " L -= (y[i]*log10(z[i]) + (1-y[i])*log10(1-z[i]))\n", + " return L\n", + " #pass" + ], + "execution_count": 8, + "outputs": [] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "OsRPsfzxyEVL" + }, + "source": [ + "### **0-1 Loss**\n", + "Loss Function used by perceptron is: $ \\begin{cases} \n", + " 0=z-y & z=y \\\\\n", + " 1=\\dfrac{z-y}{z-y} & z\\neq y\n", + " \\end{cases} $." + ] + }, + { + "cell_type": "code", + "metadata": { + "id": "5sA7GxLHyEVM" + }, + "source": [ + "import numpy as np\n", + "def zeroOneLoss(z,y):\n", + " '''\n", + " y : True output. \n", + " z : Predicted output. \n", + " return : L\n", + " '''\n", + " sum = 0\n", + " if np.array_equal(z,y):\n", + " return 0\n", + " else:\n", + " return 1\n", + " \n", + "\n" + ], + "execution_count": 9, + "outputs": [] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "CWhbibHcgRR8" + }, + "source": [ + "## Cost Function\n", + "The cost function $J$ is commonly used to assess the performance of a model, and is defined with the loss function $L$ as follows:\n", + "$$\\boxed{J(\\theta)=\\frac{1}{m}\\sum_{i=1}^mL(h_\\theta(x^{(i)}), y^{(i)})}$$\n", + "where $h_\\theta$ is the hypothesis function i.e. the function used to predict the output." + ] + }, + { + "cell_type": "code", + "metadata": { + "id": "SSbmhW4og97t" + }, + "source": [ + "lossFunctions = {\n", + " \"l1\" : L1loss,\n", + " \"l2\" : L2loss,\n", + " \"hinge\" : hingeLoss,\n", + " \"cross-entropy\" : CELoss,\n", + " \"0-1\" : zeroOneLoss\n", + "}\n", + "\n", + "def cost(Z : np.ndarray, Y : np.ndarray, loss : str):\n", + " '''\n", + " Z : a numpy array of predictions.\n", + " Y : a numpy array of true values.\n", + " return : A numpy array of costs calculated for each example.\n", + " '''\n", + " loss_func = lossFunctions[loss]\n", + " A=[]\n", + " for i in range(len()): # should apply the loss function to each element of the arrays and return the array J\n", + " A.append(loss_func(Z[i],Y[i]))\n", + " return A" + ], + "execution_count": 11, + "outputs": [] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "upsN7A0zjGqx" + }, + "source": [ + "## Gradient Descent and Back Propagation\n", + "Gradient Descent is an algorithm that minimizes the loss function by calculating it's gradient. By noting $\\alpha\\in\\mathbb{R}$ the learning rate, the update rule for gradient descent is expressed with the learning rate $\\alpha$ and the cost function $J$ as follows:\n", + "\n", + "$$\\boxed{ W \\longleftarrow W -\\alpha\\nabla J( W )}$$\n", + "​\n" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "AFCN-fYCqidi" + }, + "source": [ + "But we need to find the partial derivative of Loss function wrt every parameter to know what is the slight change that we need to apply to our parameters. This becomes particularly hard if we have more than 1 layer in our algorithm. Here's where **Back Propagation** comes in. It's a way to find gradients wrt every parameter using the chain rule. Backpropagation is a method to update the weights in the neural network by taking into account the actual output and the desired output. The derivative with respect to weight ww is computed using chain rule and is of the following form:\n", + "\n", + "$$\\boxed{\\frac{\\partial L(z,y)}{\\partial w}=\\frac{\\partial L(z,y)}{\\partial a}\\times\\frac{\\partial a}{\\partial z}\\times\\frac{\\partial z}{\\partial w}}$$\n", + "​\n", + " \n", + "As a result, the weight is updated as follows:\n", + "\n", + "$$\\boxed{w\\longleftarrow w-\\alpha\\frac{\\partial L(z,y)}{\\partial w}}$$\n", + "\n", + "So, In a neural network, weights are updated as follows:\n", + "\n", + "* Step 1: Take a batch of training data.\n", + "* Step 2: Perform forward propagation to obtain the corresponding loss.\n", + "* Step 3: Backpropagate the loss to get the gradients.\n", + "* Step 4: Use the gradients to update the weights of the network.\n", + "​\n", + "\n", + "Bonus Problem\n", + " \n", + "Now, Assuming that you know Back Propagation (read a bit about it, if you don't), we'll now implement an image classification model on CIFAR-10." + ] + }, + { + "cell_type": "markdown", + "source": [ + "# **Bonus Problem**\n", + "\n", + "Now, Assuming that you know Back Propagation (read a bit about it, if you don't), we'll now implement an image classification model on CIFAR-10." + ], + "metadata": { + "id": "sJoG5kkYopRN" + } + }, + { + "cell_type": "code", + "source": [ + "import tensorflow as tf \n", + " \n", + "# Display the version\n", + "print(tf.__version__) \n", + " \n", + "# other imports\n", + "import numpy as np\n", + "import matplotlib.pyplot as plt\n", + "from tensorflow.keras.layers import Input, Conv2D, Dense, Flatten, Dropout\n", + "from tensorflow.keras.layers import GlobalMaxPooling2D, MaxPooling2D\n", + "from tensorflow.keras.layers import BatchNormalization\n", + "from tensorflow.keras.models import Model" + ], + "metadata": { + "id": "_4-4RceVsor_", + "colab": { + "base_uri": "https://localhost:8080/" + }, + "outputId": "18ab1ad6-a010-4f99-fe4c-c507bf3078a3" + }, + "execution_count": 12, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "2.8.0\n" + ] + } + ] + }, + { + "cell_type": "code", + "metadata": { + "id": "yyplk5PLEUsJ", + "colab": { + "base_uri": "https://localhost:8080/" + }, + "outputId": "b65c7731-360f-4bec-822b-6dde2afebc5c" + }, + "source": [ + "# Load in the data\n", + "cifar10 = tf.keras.datasets.cifar10\n", + " \n", + "# Distribute it to train and test set\n", + "(x_train, y_train), (x_test, y_test) = cifar10.load_data()\n", + "print(x_train.shape, y_train.shape, x_test.shape, y_test.shape)\n", + "\n", + "# Reduce pixel values\n", + "x_train, x_test = x_train / 255.0, x_test / 255.0\n", + " \n", + "# flatten the label values\n", + "y_train, y_test = y_train.flatten(), y_test.flatten()" + ], + "execution_count": 13, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Downloading data from https://www.cs.toronto.edu/~kriz/cifar-10-python.tar.gz\n", + "170500096/170498071 [==============================] - 11s 0us/step\n", + "170508288/170498071 [==============================] - 11s 0us/step\n", + "(50000, 32, 32, 3) (50000, 1) (10000, 32, 32, 3) (10000, 1)\n" + ] + } + ] + }, + { + "cell_type": "code", + "metadata": { + "id": "qQhkATYhEkkC" + }, + "source": [ + "'''visualize data by plotting images'''\n", + "# YOUR CODE HERE\n", + "pass\n", + "# YOUR CODE HERE" + ], + "execution_count": null, + "outputs": [] + }, + { + "cell_type": "code", + "metadata": { + "id": "yJgho2AEBFbx" + }, + "source": [ + "\n", + "# number of classes\n", + "K = len(set(y_train))\n", + "'''\n", + " calculate total number of classes\n", + " for output layer\n", + "'''\n", + "print(\"number of classes:\", K)\n", + "''' \n", + " Build the model using the functional API\n", + " input layer\n", + "'''\n", + "```\n", + " YOUR CODE HERE\n", + "```\n", + " \n", + "'''Hidden layer'''\n", + "# YOUR CODE HERE\n", + "pass\n", + "# YOUR CODE HERE\n", + " \n", + "\"\"\"last hidden layer i.e.. output layer\"\"\"\n", + "# YOUR CODE HERE\n", + "pass\n", + "# YOUR CODE HERE\n", + " \n", + " '''model description'''\n", + "model.summary()" + ], + "execution_count": null, + "outputs": [] + }, + { + "cell_type": "code", + "metadata": { + "id": "PLc4Bay65TyA" + }, + "source": [ + "# Compile\n", + "...\n", + " YOUR CODE HERE\n", + "..." + ], + "execution_count": null, + "outputs": [] + }, + { + "cell_type": "code", + "source": [ + "# Fit\n", + "...\n", + " YOUR CODE HERE\n", + "..." + ], + "metadata": { + "id": "U0fGsDCRsQrn" + }, + "execution_count": null, + "outputs": [] + }, + { + "cell_type": "code", + "source": [ + "# label mapping\n", + " \n", + "labels = '''airplane automobile bird cat deerdog frog horseship truck'''.split()\n", + " \n", + "# select the image from our test dataset\n", + "image_number = 0\n", + " \n", + "# display the image\n", + "plt.imshow(x_test[image_number])\n", + " \n", + "# load the image in an array\n", + "n = np.array(x_test[image_number])\n", + " \n", + "# reshape it\n", + "p = n.reshape(1, 32, 32, 3)\n", + " \n", + "# pass in the network for prediction and\n", + "# save the predicted label\n", + "predicted_label = labels[model.predict(p).argmax()]\n", + " \n", + "# load the original label\n", + "original_label = labels[y_test[image_number]]\n", + " \n", + "# display the result\n", + "print(\"Original label is {} and predicted label is {}\".format(\n", + " original_label, predicted_label))" + ], + "metadata": { + "id": "RDq_RE6osSh8" + }, + "execution_count": null, + "outputs": [] + } + ] +} \ No newline at end of file diff --git a/Assignment/200155_Anshul_Assignment_2.ipynb b/Assignment/200155_Anshul_Assignment_2.ipynb new file mode 100644 index 0000000..d83ffaf --- /dev/null +++ b/Assignment/200155_Anshul_Assignment_2.ipynb @@ -0,0 +1,694 @@ +{ + "nbformat": 4, + "nbformat_minor": 0, + "metadata": { + "colab": { + "name": "200155_Anshul_Assignment_2.ipynb", + "provenance": [], + "collapsed_sections": [] + }, + "kernelspec": { + "name": "python3", + "display_name": "Python 3" + }, + "language_info": { + "name": "python" + } + }, + "cells": [ + { + "cell_type": "markdown", + "metadata": { + "id": "rvFM645NE-D2" + }, + "source": [ + "# Assignment 2\n", + "In this assignment, we will go through Perceptron, Linear Classifiers, Loss Functions, Gradient Descent and Back Propagation.\n", + "\n", + "\n", + "PS. this one is not from Stanford's course.\n", + "\n", + "\n", + "\n", + "\\\n", + "\n", + "## Instructions\n", + "* This notebook contain blocks of code, you are required to complete those blocks(where required)\n", + "* You are required to copy this notebook (\"copy to drive\" above) and complete the code.(DO NOT CHANGE THE NAME OF THE FUNCTIONS)" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "collapsed": true, + "id": "QLtp15rqE-EU" + }, + "source": [ + "# Part 1: Perceptron\n", + "In this section, we will see how to implement a perceptron. Goal would be for you to delve into the mathematics.\n" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "Zao4e-DphaGA" + }, + "source": [ + "## Intro\n", + "What's a perceptron? It's an algorithm modelled on biological computational model to classify things into binary classes. It's a supervides learning algorithm, meaning that you need to provide labelled data containing features and the actual classifications. A perceptron would take these features as input and spit out a binary value (0 or 1). While training the model with training data, we try to minimise the error and learn the parameters involved." + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "wDTUoAd6ixm-" + }, + "source": [ + "**How does it work?**\\\n", + "A perceptron is modelled on a biological neuron. A neuron has input dendrites and the output is carried by axons. Similarly, a perceptron takes inputs called \"features\". After processing, a perceptron gives output. For computation, it has a \"weight\" vector which is multipled with feature vector. An activation function is added to introduce some non linearities and the output is given out.\\\n", + "It can be represented as: $$ f=\\sum_{i=1}^{m} w_ix_i +b$$\n", + "\n", + "Let's implement this simple function to give an output.\n", + "\n" + ] + }, + { + "cell_type": "code", + "metadata": { + "id": "iXezofBIgzId" + }, + "source": [ + "import numpy as np\n", + "\n", + "class perceptron():\n", + " def __init__(self,num_input_features=8):\n", + " self.weights = np.random.randn(num_input_features)\n", + " self.bias = np.random.random()\n", + "\n", + " def activation(self,x):\n", + " '''\n", + " Implement heavside step activation function here (google ;))\n", + " '''\n", + " if x >= 0:\n", + " return 1\n", + " else:\n", + " return 0\n", + "\n", + "\n", + " def forward(self,x: np.ndarray):\n", + " '''\n", + " you have random initialized weights and bias\n", + " you can access then using `self.weights` and `self.bias`\n", + " you should use activation function before returning\n", + " \n", + " x : input features\n", + " return : a binary value as the output of the perceptron \n", + " '''\n", + " w = self.weights \n", + " b = self. bias \n", + " f = x.dot(w) + b\n", + " return self.activation(f)" + ], + "execution_count": 1, + "outputs": [] + }, + { + "cell_type": "code", + "metadata": { + "id": "oSKwDFAyocVo" + }, + "source": [ + "np.random.seed(0)\n", + "perc = perceptron(8)\n", + "assert perc.forward(np.arange(8))==1" + ], + "execution_count": 2, + "outputs": [] + }, + { + "cell_type": "markdown", + "metadata": { + "collapsed": true, + "id": "NWTTg1e9r7uM" + }, + "source": [ + "# Part 2: Linear Classifier\n", + "In this section, we will see how to implement a linear Classifier.\n" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "DYDO4GcHr7uM" + }, + "source": [ + "## Intro\n" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "-HFvjH06r7uN" + }, + "source": [ + "**How does it work?**\n", + "\n", + "Linear Classifier uses the following function: $$Y = WX+b$$ Where, $W$ is a 2d array of weights with shape (#classes, #features).\n", + "\n", + "\n", + "\n", + "Let's implement this classifier.\n", + "\n" + ] + }, + { + "cell_type": "code", + "metadata": { + "id": "9A13CEkGr7uN" + }, + "source": [ + "import numpy as np\n", + "\n", + "class LinearClassifier():\n", + " def __init__(self,num_input_features=32,num_classes=5):\n", + " self.weights = np.random.randn(num_classes,num_input_features)\n", + " self.bias = np.random.rand(num_classes,1)\n", + "\n", + " def forward(self,x: np.ndarray):\n", + " '''\n", + " x: input features\n", + " you have random initialized weights and bias\n", + " you can access then using `self.weights` and `self.bias`\n", + " return an output vector of num_classes size\n", + " '''\n", + " return self.weights.dot(x) + self.bias\n", + " pass" + ], + "execution_count": 3, + "outputs": [] + }, + { + "cell_type": "code", + "metadata": { + "id": "zgzPxyTsr7uN", + "outputId": "2263eff5-1a88-48a8-cf5b-981695266303", + "colab": { + "base_uri": "https://localhost:8080/" + } + }, + "source": [ + "np.random.seed(0)\n", + "lc = LinearClassifier()\n", + "lc.forward(np.random.rand(32,1))\n", + "# Should be close to:\n", + "# array([[ 7.07730669],\n", + " # [-10.24067722],\n", + " # [ 0.75398702],\n", + " # [ 9.8019519 ],\n", + " # [ 2.36684038]])" + ], + "execution_count": 4, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/plain": [ + "array([[ 7.07730669],\n", + " [-10.24067722],\n", + " [ 0.75398702],\n", + " [ 9.8019519 ],\n", + " [ 2.36684038]])" + ] + }, + "metadata": {}, + "execution_count": 4 + } + ] + }, + { + "cell_type": "markdown", + "metadata": { + "collapsed": true, + "id": "ZVgOVzJetuqo" + }, + "source": [ + "# Part 3: Loss Functions, Gradient descent and Backpropagation\n", + "\n", + "\n" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "4pXryjpctuqy" + }, + "source": [ + "## Intro\n", + "\n", + "Loss Functions tells how \"off\" the output od our model is. Based upon the application, you can use several different loss functions. Formally, A loss function is a function $L:(z,y)\\in\\mathbb{R}\\times Y\\longmapsto L(z,y)\\in\\mathbb{R}$ that takes as inputs the predicted value $z$ corresponding to the real data value yy and outputs how different they are We'll implement L1 loss, L2 loss, Logistic loss, hinge loss and cross entropy loss functions." + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "QGRb8BHotuqy" + }, + "source": [ + "### **L1 loss**\n", + "L1 loss is the linear loss function $L = \\dfrac{1}{2}|y−z| $\n", + "\n" + ] + }, + { + "cell_type": "code", + "metadata": { + "id": "YxVh6IL2tuqz" + }, + "source": [ + "import numpy as np\n", + "def L1loss(z,y):\n", + " '''\n", + " y : True output.\n", + " z : Predicted output.\n", + " return : L\n", + " '''\n", + " return np.sum(0.5*abs(y-z))\n", + " " + ], + "execution_count": 5, + "outputs": [] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "2xy8ZS84cKtQ" + }, + "source": [ + "### **L2 loss**\n", + "L2 loss is the quadratic loss function or the least square error function $L = \\dfrac{1}{2}(y−z)^2 $\n", + "\n" + ] + }, + { + "cell_type": "code", + "metadata": { + "id": "JThp5P-KcKtS" + }, + "source": [ + "import numpy as np\n", + "def L2loss(z,y):\n", + " '''\n", + " y : True output. \n", + " z : Predicted output. \n", + " return : L\n", + " '''\n", + " return np.sum(0.5*((y-z)**2))\n", + " " + ], + "execution_count": 6, + "outputs": [] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "Z2JNLnWYcLSC" + }, + "source": [ + "### **Hinge Loss**\n", + "Hinge loss is: $ L = max( 0, 1 - yz ) $" + ] + }, + { + "cell_type": "code", + "metadata": { + "id": "gQ1YM4J-cLSC" + }, + "source": [ + "import numpy as np\n", + "def hingeLoss(z,y):\n", + " '''\n", + " y : True output. \n", + " z : Predicted output. \n", + " return : L\n", + " '''\n", + " L = 0\n", + " for i in range(len(y)):\n", + " L += max(0,1-y[i]*z[i])\n", + " return L\n", + " " + ], + "execution_count": 7, + "outputs": [] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "m15_MjradMNY" + }, + "source": [ + "### **Cross Entropy Loss**\n", + "Another very famous loss function is Cross Entropy loss: $ L = −[ylog(z)+(1−y)log(1−z)] $." + ] + }, + { + "cell_type": "code", + "metadata": { + "id": "snJLqhszdMNY" + }, + "source": [ + "import numpy as np\n", + "from math import *\n", + "def CELoss(z,y):\n", + " '''\n", + " y : True output. \n", + " z : Predicted output. \n", + " return : L\n", + " '''\n", + " L = 0\n", + " for i in range(len(y)):\n", + " L -= (y[i]*log10(z[i]) + (1-y[i])*log10(1-z[i]))\n", + " return L\n", + " #pass" + ], + "execution_count": 8, + "outputs": [] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "OsRPsfzxyEVL" + }, + "source": [ + "### **0-1 Loss**\n", + "Loss Function used by perceptron is: $ \\begin{cases} \n", + " 0=z-y & z=y \\\\\n", + " 1=\\dfrac{z-y}{z-y} & z\\neq y\n", + " \\end{cases} $." + ] + }, + { + "cell_type": "code", + "metadata": { + "id": "5sA7GxLHyEVM" + }, + "source": [ + "import numpy as np\n", + "def zeroOneLoss(z,y):\n", + " '''\n", + " y : True output. \n", + " z : Predicted output. \n", + " return : L\n", + " '''\n", + " sum = 0\n", + " if np.array_equal(z,y):\n", + " return 0\n", + " else:\n", + " return 1\n", + " \n", + "\n" + ], + "execution_count": 9, + "outputs": [] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "CWhbibHcgRR8" + }, + "source": [ + "## Cost Function\n", + "The cost function $J$ is commonly used to assess the performance of a model, and is defined with the loss function $L$ as follows:\n", + "$$\\boxed{J(\\theta)=\\frac{1}{m}\\sum_{i=1}^mL(h_\\theta(x^{(i)}), y^{(i)})}$$\n", + "where $h_\\theta$ is the hypothesis function i.e. the function used to predict the output." + ] + }, + { + "cell_type": "code", + "metadata": { + "id": "SSbmhW4og97t" + }, + "source": [ + "lossFunctions = {\n", + " \"l1\" : L1loss,\n", + " \"l2\" : L2loss,\n", + " \"hinge\" : hingeLoss,\n", + " \"cross-entropy\" : CELoss,\n", + " \"0-1\" : zeroOneLoss\n", + "}\n", + "\n", + "def cost(Z : np.ndarray, Y : np.ndarray, loss : str):\n", + " '''\n", + " Z : a numpy array of predictions.\n", + " Y : a numpy array of true values.\n", + " return : A numpy array of costs calculated for each example.\n", + " '''\n", + " loss_func = lossFunctions[loss]\n", + " A=[]\n", + " for i in range(len()): # should apply the loss function to each element of the arrays and return the array J\n", + " A.append(loss_func(Z[i],Y[i]))\n", + " return A" + ], + "execution_count": 11, + "outputs": [] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "upsN7A0zjGqx" + }, + "source": [ + "## Gradient Descent and Back Propagation\n", + "Gradient Descent is an algorithm that minimizes the loss function by calculating it's gradient. By noting $\\alpha\\in\\mathbb{R}$ the learning rate, the update rule for gradient descent is expressed with the learning rate $\\alpha$ and the cost function $J$ as follows:\n", + "\n", + "$$\\boxed{ W \\longleftarrow W -\\alpha\\nabla J( W )}$$\n", + "​\n" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "AFCN-fYCqidi" + }, + "source": [ + "But we need to find the partial derivative of Loss function wrt every parameter to know what is the slight change that we need to apply to our parameters. This becomes particularly hard if we have more than 1 layer in our algorithm. Here's where **Back Propagation** comes in. It's a way to find gradients wrt every parameter using the chain rule. Backpropagation is a method to update the weights in the neural network by taking into account the actual output and the desired output. The derivative with respect to weight ww is computed using chain rule and is of the following form:\n", + "\n", + "$$\\boxed{\\frac{\\partial L(z,y)}{\\partial w}=\\frac{\\partial L(z,y)}{\\partial a}\\times\\frac{\\partial a}{\\partial z}\\times\\frac{\\partial z}{\\partial w}}$$\n", + "​\n", + " \n", + "As a result, the weight is updated as follows:\n", + "\n", + "$$\\boxed{w\\longleftarrow w-\\alpha\\frac{\\partial L(z,y)}{\\partial w}}$$\n", + "\n", + "So, In a neural network, weights are updated as follows:\n", + "\n", + "* Step 1: Take a batch of training data.\n", + "* Step 2: Perform forward propagation to obtain the corresponding loss.\n", + "* Step 3: Backpropagate the loss to get the gradients.\n", + "* Step 4: Use the gradients to update the weights of the network.\n", + "​\n", + "\n", + "Bonus Problem\n", + " \n", + "Now, Assuming that you know Back Propagation (read a bit about it, if you don't), we'll now implement an image classification model on CIFAR-10." + ] + }, + { + "cell_type": "markdown", + "source": [ + "# **Bonus Problem**\n", + "\n", + "Now, Assuming that you know Back Propagation (read a bit about it, if you don't), we'll now implement an image classification model on CIFAR-10." + ], + "metadata": { + "id": "sJoG5kkYopRN" + } + }, + { + "cell_type": "code", + "source": [ + "import tensorflow as tf \n", + " \n", + "# Display the version\n", + "print(tf.__version__) \n", + " \n", + "# other imports\n", + "import numpy as np\n", + "import matplotlib.pyplot as plt\n", + "from tensorflow.keras.layers import Input, Conv2D, Dense, Flatten, Dropout\n", + "from tensorflow.keras.layers import GlobalMaxPooling2D, MaxPooling2D\n", + "from tensorflow.keras.layers import BatchNormalization\n", + "from tensorflow.keras.models import Model" + ], + "metadata": { + "id": "_4-4RceVsor_", + "colab": { + "base_uri": "https://localhost:8080/" + }, + "outputId": "18ab1ad6-a010-4f99-fe4c-c507bf3078a3" + }, + "execution_count": 12, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "2.8.0\n" + ] + } + ] + }, + { + "cell_type": "code", + "metadata": { + "id": "yyplk5PLEUsJ", + "colab": { + "base_uri": "https://localhost:8080/" + }, + "outputId": "b65c7731-360f-4bec-822b-6dde2afebc5c" + }, + "source": [ + "# Load in the data\n", + "cifar10 = tf.keras.datasets.cifar10\n", + " \n", + "# Distribute it to train and test set\n", + "(x_train, y_train), (x_test, y_test) = cifar10.load_data()\n", + "print(x_train.shape, y_train.shape, x_test.shape, y_test.shape)\n", + "\n", + "# Reduce pixel values\n", + "x_train, x_test = x_train / 255.0, x_test / 255.0\n", + " \n", + "# flatten the label values\n", + "y_train, y_test = y_train.flatten(), y_test.flatten()" + ], + "execution_count": 13, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Downloading data from https://www.cs.toronto.edu/~kriz/cifar-10-python.tar.gz\n", + "170500096/170498071 [==============================] - 11s 0us/step\n", + "170508288/170498071 [==============================] - 11s 0us/step\n", + "(50000, 32, 32, 3) (50000, 1) (10000, 32, 32, 3) (10000, 1)\n" + ] + } + ] + }, + { + "cell_type": "code", + "metadata": { + "id": "qQhkATYhEkkC" + }, + "source": [ + "'''visualize data by plotting images'''\n", + "# YOUR CODE HERE\n", + "pass\n", + "# YOUR CODE HERE" + ], + "execution_count": null, + "outputs": [] + }, + { + "cell_type": "code", + "metadata": { + "id": "yJgho2AEBFbx" + }, + "source": [ + "\n", + "# number of classes\n", + "K = len(set(y_train))\n", + "'''\n", + " calculate total number of classes\n", + " for output layer\n", + "'''\n", + "print(\"number of classes:\", K)\n", + "''' \n", + " Build the model using the functional API\n", + " input layer\n", + "'''\n", + "```\n", + " YOUR CODE HERE\n", + "```\n", + " \n", + "'''Hidden layer'''\n", + "# YOUR CODE HERE\n", + "pass\n", + "# YOUR CODE HERE\n", + " \n", + "\"\"\"last hidden layer i.e.. output layer\"\"\"\n", + "# YOUR CODE HERE\n", + "pass\n", + "# YOUR CODE HERE\n", + " \n", + " '''model description'''\n", + "model.summary()" + ], + "execution_count": null, + "outputs": [] + }, + { + "cell_type": "code", + "metadata": { + "id": "PLc4Bay65TyA" + }, + "source": [ + "# Compile\n", + "...\n", + " YOUR CODE HERE\n", + "..." + ], + "execution_count": null, + "outputs": [] + }, + { + "cell_type": "code", + "source": [ + "# Fit\n", + "...\n", + " YOUR CODE HERE\n", + "..." + ], + "metadata": { + "id": "U0fGsDCRsQrn" + }, + "execution_count": null, + "outputs": [] + }, + { + "cell_type": "code", + "source": [ + "# label mapping\n", + " \n", + "labels = '''airplane automobile bird cat deerdog frog horseship truck'''.split()\n", + " \n", + "# select the image from our test dataset\n", + "image_number = 0\n", + " \n", + "# display the image\n", + "plt.imshow(x_test[image_number])\n", + " \n", + "# load the image in an array\n", + "n = np.array(x_test[image_number])\n", + " \n", + "# reshape it\n", + "p = n.reshape(1, 32, 32, 3)\n", + " \n", + "# pass in the network for prediction and\n", + "# save the predicted label\n", + "predicted_label = labels[model.predict(p).argmax()]\n", + " \n", + "# load the original label\n", + "original_label = labels[y_test[image_number]]\n", + " \n", + "# display the result\n", + "print(\"Original label is {} and predicted label is {}\".format(\n", + " original_label, predicted_label))" + ], + "metadata": { + "id": "RDq_RE6osSh8" + }, + "execution_count": null, + "outputs": [] + } + ] +} \ No newline at end of file diff --git a/Assignment/Assignment_1/Assignment_1.ipynb b/Assignment/Assignment_1/Assignment_1.ipynb new file mode 100644 index 0000000..5eef5f6 --- /dev/null +++ b/Assignment/Assignment_1/Assignment_1.ipynb @@ -0,0 +1,912 @@ +{ + "nbformat": 4, + "nbformat_minor": 0, + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.6.8" + }, + "colab": { + "name": "Assignment 1.ipynb", + "provenance": [], + "collapsed_sections": [] + } + }, + "cells": [ + { + "cell_type": "markdown", + "metadata": { + "id": "rvFM645NE-D2" + }, + "source": [ + "# Assignment 1 - Part 1\n", + "In this assignment, we will go through basic linear algebra, NumPy, and image manipulation using Python to get everyone on the same page.\n", + "\n", + "One of the aims of this assignment is to get you to start getting comfortable searching for useful library functions online. So in many of the functions you will implement, you will have to look up helper functions.\n", + "\n", + "\\\n", + "\n", + "## Instructions\n", + "* This notebook contain blocks of code, you are required to complete those blocks(where required)\n", + "* You are required to copy this notebook (\"copy to drive\" above) and complete the code.(DO NOT CHANGE THE NAME OF THE FUNCTIONS)\n", + "\n", + "\\\n", + "\\\n", + "Also, I'd like to acknowledge the Stanford CS131. This assignment is highly based on the assignments from that course." + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "UhSVK4RoK9q5" + }, + "source": [ + "First Let's import some dependencies" + ] + }, + { + "cell_type": "code", + "metadata": { + "id": "cCKqyfhIE-EQ" + }, + "source": [ + "# Imports the print function from newer versions of python\n", + "from __future__ import print_function\n", + "\n", + "# Setup\n", + "\n", + "# The Random module implements pseudo-random number generators\n", + "import random \n", + "\n", + "# Numpy is the main package for scientific computing with Python. \n", + "# This will be one of our most used libraries in this project\n", + "import numpy as np\n", + "\n", + "# The Time library helps us time code runtimes\n", + "import time\n", + "\n", + "\n", + "# Some more magic so that the notebook will reload external python modules;\n", + "# see http://stackoverflow.com/questions/1907993/autoreload-of-modules-in-ipython\n", + "%load_ext autoreload\n", + "%autoreload 2\n", + "%reload_ext autoreload" + ], + "execution_count": 1, + "outputs": [] + }, + { + "cell_type": "markdown", + "metadata": { + "collapsed": true, + "id": "QLtp15rqE-EU" + }, + "source": [ + "# Part 1: Linear Algebra and NumPy Review\n", + "In this section, we will review linear algebra and learn how to use vectors and matrices in python using numpy." + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "E8HDYpc0E-EV" + }, + "source": [ + "## Part 1.1 (5 points)\n", + "First, let's test whether you can define the following matrices and vectors using numpy. Look up `np.array()` for help. In the next code block, define $M$ as a $(4, 3)$ matrix, $a$ as a $(1, 3)$ row vector and $b$ as a $(3, 1)$ column vector:\n", + "\n", + "$$M = \\begin{bmatrix}\n", + "1 & 2 & 3 \\\\\n", + "4 & 5 & 6 \\\\\n", + "7 & 8 & 9 \\\\\n", + "10 & 11 & 12 \\end{bmatrix}\n", + "$$\n", + "\n", + "$$a = \\begin{bmatrix}\n", + "1 & 1 & 0\n", + "\\end{bmatrix}\n", + "$$\n", + "\n", + "$$b = \\begin{bmatrix}\n", + "-1 \\\\ 2 \\\\ 5\n", + "\\end{bmatrix} \n", + "$$ " + ] + }, + { + "cell_type": "code", + "metadata": { + "id": "mETk2NCME-EX", + "colab": { + "base_uri": "https://localhost:8080/" + }, + "outputId": "dbcde893-3487-4e6c-f44f-b268dc6d3170" + }, + "source": [ + "### YOUR CODE HERE\n", + "M = np.array([[1,2,3],[4,5,6],[7,8,9],[10,11,12]])\n", + "a = np.array([1,1,0])\n", + "b = np.array([[-1],[2],[5]])\n", + "### END CODE HERE\n", + "print(M,\" \\n\")\n", + "print(\"The size of M is: \")\n", + "print(M.shape, \"\\n\")\n", + "print(a, \"\\n\")\n", + "print(\"The size of a is: \")\n", + "print(a.shape,\"\\n\")\n", + "print(b)\n", + "print(\"The size of b is: \")\n", + "print(b.shape)" + ], + "execution_count": 2, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "[[ 1 2 3]\n", + " [ 4 5 6]\n", + " [ 7 8 9]\n", + " [10 11 12]] \n", + "\n", + "The size of M is: \n", + "(4, 3) \n", + "\n", + "[1 1 0] \n", + "\n", + "The size of a is: \n", + "(3,) \n", + "\n", + "[[-1]\n", + " [ 2]\n", + " [ 5]]\n", + "The size of b is: \n", + "(3, 1)\n" + ] + } + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "rSta4NheE-EZ" + }, + "source": [ + "## Part 1.2 (5 points)\n", + "Implement the `dot_product()` method below and check that it returns the correct answer for $a^Tb$." + ] + }, + { + "cell_type": "code", + "metadata": { + "id": "C5ZRjCE2MVOU" + }, + "source": [ + "def dot_product(a, b):\n", + " \"\"\"Implement dot product between the two vectors: a and b.\n", + " (optional): While you can solve this using for loops, we recommend\n", + " that you look up `np.dot()` online and use that instead.\n", + " Args:\n", + " a: numpy array of shape (x, n)\n", + " b: numpy array of shape (n, x)\n", + " Returns:\n", + " out: numpy array of shape (x, x) (scalar if x = 1)\n", + " \"\"\"\n", + " out = np.dot(a,b)\n", + " ### YOUR CODE HERE\n", + " pass\n", + " ### END YOUR CODE\n", + " return out" + ], + "execution_count": 3, + "outputs": [] + }, + { + "cell_type": "code", + "metadata": { + "id": "pbLIS5vIE-Ea", + "colab": { + "base_uri": "https://localhost:8080/" + }, + "outputId": "0d452429-05b5-44d5-fdd0-6155bafba6d3" + }, + "source": [ + "# Now, let's test out this dot product. Your answer should be [[1]].\n", + "aDotB = dot_product(a, b)\n", + "print(aDotB)\n", + "\n", + "print(\"The size is: \", aDotB.shape)" + ], + "execution_count": 4, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "[1]\n", + "The size is: (1,)\n" + ] + } + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "0rGfcRU1E-Eb" + }, + "source": [ + "## Part 1.3 (5 points)\n", + "Implement the `complicated_matrix_function()` method and use it to compute $(ab)Ma^T$\n", + "\n", + "IMPORTANT NOTE: The `complicated_matrix_function()` method expects all inputs to be two dimensional numpy arrays, as opposed to 1-D arrays. This is an important distinction, because 2-D arrays can be transposed, while 1-D arrays cannot.\n", + "\n", + "To transpose a 2-D array, you can use the syntax `array.T` " + ] + }, + { + "cell_type": "code", + "metadata": { + "id": "dglQmbuLNOk6" + }, + "source": [ + "def complicated_matrix_function(M, a, b):\n", + " \"\"\"Implement (a * b) * (M * a.T).\n", + " (optional): Use the `dot_product(a, b)` function you wrote above\n", + " as a helper function.\n", + " Args:\n", + " M: numpy matrix of shape (x, n).\n", + " a: numpy array of shape (1, n).\n", + " b: numpy array of shape (n, 1).\n", + " Returns:\n", + " out: numpy matrix of shape (x, 1).\n", + " \"\"\"\n", + " A = np.dot(M,a.T)\n", + " B = np.dot(a,b)\n", + " out = B*A\n", + " ### YOUR CODE HERE\n", + " pass\n", + " ### END YOUR CODE\n", + " return out" + ], + "execution_count": 5, + "outputs": [] + }, + { + "cell_type": "code", + "metadata": { + "id": "da_uQQLhE-Ec", + "colab": { + "base_uri": "https://localhost:8080/" + }, + "outputId": "76575e92-1f42-4e6d-a059-929040080195" + }, + "source": [ + "# Your answer should be $[[3], [9], [15], [21]]$ of shape(4, 1).\n", + "ans = complicated_matrix_function(M, a, b)\n", + "print(ans)\n", + "print()\n", + "print(\"The size is: \", ans.shape)" + ], + "execution_count": 6, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "[ 3 9 15 21]\n", + "\n", + "The size is: (4,)\n" + ] + } + ] + }, + { + "cell_type": "code", + "metadata": { + "id": "6CWXxSSOE-Ed", + "colab": { + "base_uri": "https://localhost:8080/" + }, + "outputId": "35c1fad8-61f8-4eb9-8f82-44945f981b44" + }, + "source": [ + "M_2 = np.array(range(4)).reshape((2,2))\n", + "a_2 = np.array([[1,1]])\n", + "b_2 = np.array([[10, 10]]).T\n", + "print(M_2.shape)\n", + "print(a_2.shape)\n", + "print(b_2.shape)\n", + "print()\n", + "\n", + "# Your answer should be $[[20], [100]]$ of shape(2, 1).\n", + "ans = complicated_matrix_function(M_2, a_2, b_2)\n", + "print(ans)\n", + "print()\n", + "print(\"The size is: \", ans.shape)" + ], + "execution_count": 7, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "(2, 2)\n", + "(1, 2)\n", + "(2, 1)\n", + "\n", + "[[ 20]\n", + " [100]]\n", + "\n", + "The size is: (2, 1)\n" + ] + } + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "4fHLxLl4E-Ee" + }, + "source": [ + "## Part 1.4 (10 points) [Optional/Bonus]\n", + "Implement `eigen_decomp()` and `get_eigen_values_and_vectors()` methods. In this method, perform eigenvalue decomposition on the following matrix and return the largest k eigen values and corresponding eigen vectors (k is specified in the method calls below).\n", + "\n", + "$$M = \\begin{bmatrix}\n", + "1 & 2 & 3 \\\\\n", + "4 & 5 & 6 \\\\\n", + "7 & 8 & 9 \\end{bmatrix}\n", + "$$\n" + ] + }, + { + "cell_type": "code", + "metadata": { + "id": "RfaCSoRMOIc8" + }, + "source": [ + "def eigen_decomp(M):\n", + " \"\"\"Implement eigenvalue decomposition.\n", + " (optional): You might find the `np.linalg.eig` function useful.\n", + " Args:\n", + " matrix: numpy matrix of shape (m, n)\n", + " Returns:\n", + " w: numpy array of shape (m, m) such that the column v[:,i] is the eigenvector corresponding to the eigenvalue w[i].\n", + " v: Matrix where every column is an eigenvector.\n", + " \"\"\"\n", + " eigenvalue, eigenvector = np.linalg.eig(M)\n", + " w = eigenvalue\n", + " v = eigenvector\n", + " ### YOUR CODE HERE\n", + " pass\n", + " ### END YOUR CODE\n", + " return w, v" + ], + "execution_count": 8, + "outputs": [] + }, + { + "cell_type": "code", + "metadata": { + "id": "YB120rb4ONBH" + }, + "source": [ + "def get_eigen_values_and_vectors(M, k):\n", + " \"\"\"Return top k eigenvalues and eigenvectors of matrix M. By top k\n", + " here we mean the eigenvalues with the top ABSOLUTE values (lookup\n", + " np.argsort for a hint on how to do so.)\n", + " (optional): Use the `eigen_decomp(M)` function you wrote above\n", + " as a helper function\n", + " Args:\n", + " M: numpy matrix of shape (m, m).\n", + " k: number of eigen values and respective vectors to return.\n", + " Returns:\n", + " eigenvalues: list of length k containing the top k eigenvalues\n", + " eigenvectors: list of length k containing the top k eigenvectors\n", + " of shape (m,)\n", + " \"\"\"\n", + " np.argsort(eigen_decomp(M))\n", + " C = np.take_along_axis(eigen_decomp(M), index_array, axis=none)\n", + " x = slice(-1, -k-1, -1)\n", + " eigenvalues = C[x]\n", + " np.argsort(eigen_decomp(M).v)\n", + " D = np.take_along_axis(eigen_decomp(M), index_array, axis=0)\n", + " eigenvectors = D[0:m+1, -1:-k-1]\n", + " ### YOUR CODE HERE\n", + " pass\n", + " ### END YOUR CODE\n", + " return eigenvalues, eigenvectors" + ], + "execution_count": 9, + "outputs": [] + }, + { + "cell_type": "code", + "metadata": { + "id": "t0_GkrJwE-Ee", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 470 + }, + "outputId": "fe7620f3-a111-45d9-cae5-2be145fd070e" + }, + "source": [ + "# Let's define M.\n", + "M = np.array([[1,2,3],[4,5,6],[7,8,9]])\n", + "\n", + "# Now let's grab the first eigenvalue and first eigenvector.\n", + "# You should get back a single eigenvalue and a single eigenvector.\n", + "val, vec = get_eigen_values_and_vectors(M[:,:3], 1)\n", + "print(\"First eigenvalue =\", val[0])\n", + "print()\n", + "print(\"First eigenvector =\", vec[0])\n", + "print()\n", + "assert len(vec) == 1\n", + "\n", + "# Now, let's get the first two eigenvalues and eigenvectors.\n", + "# You should get back a list of two eigenvalues and a list of two eigenvector arrays.\n", + "val, vec = get_eigen_values_and_vectors(M[:,:3], 2)\n", + "print(\"Eigenvalues =\", val)\n", + "print()\n", + "print(\"Eigenvectors =\", vec)\n", + "assert len(vec) == 2" + ], + "execution_count": 10, + "outputs": [ + { + "output_type": "stream", + "name": "stderr", + "text": [ + "/usr/local/lib/python3.7/dist-packages/numpy/core/fromnumeric.py:43: VisibleDeprecationWarning: Creating an ndarray from ragged nested sequences (which is a list-or-tuple of lists-or-tuples-or ndarrays with different lengths or shapes) is deprecated. If you meant to do this, you must specify 'dtype=object' when creating the ndarray.\n", + " result = getattr(asarray(obj), method)(*args, **kwds)\n" + ] + }, + { + "output_type": "error", + "ename": "ValueError", + "evalue": "ignored", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mValueError\u001b[0m Traceback (most recent call last)", + "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m()\u001b[0m\n\u001b[1;32m 4\u001b[0m \u001b[0;31m# Now let's grab the first eigenvalue and first eigenvector.\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 5\u001b[0m \u001b[0;31m# You should get back a single eigenvalue and a single eigenvector.\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m----> 6\u001b[0;31m \u001b[0mval\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mvec\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mget_eigen_values_and_vectors\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mM\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;36m3\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;36m1\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 7\u001b[0m \u001b[0mprint\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m\"First eigenvalue =\"\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mval\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 8\u001b[0m \u001b[0mprint\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m\u001b[0m in \u001b[0;36mget_eigen_values_and_vectors\u001b[0;34m(M, k)\u001b[0m\n\u001b[1;32m 13\u001b[0m \u001b[0mof\u001b[0m \u001b[0mshape\u001b[0m \u001b[0;34m(\u001b[0m\u001b[0mm\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 14\u001b[0m \"\"\"\n\u001b[0;32m---> 15\u001b[0;31m \u001b[0mnp\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0margsort\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0meigen_decomp\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mM\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 16\u001b[0m \u001b[0mC\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mnp\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mtake_along_axis\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0meigen_decomp\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mM\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mindex_array\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0maxis\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mnone\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 17\u001b[0m \u001b[0mx\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mslice\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m-\u001b[0m\u001b[0;36m1\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m-\u001b[0m\u001b[0mk\u001b[0m\u001b[0;34m-\u001b[0m\u001b[0;36m1\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m-\u001b[0m\u001b[0;36m1\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m<__array_function__ internals>\u001b[0m in \u001b[0;36margsort\u001b[0;34m(*args, **kwargs)\u001b[0m\n", + "\u001b[0;32m/usr/local/lib/python3.7/dist-packages/numpy/core/fromnumeric.py\u001b[0m in \u001b[0;36margsort\u001b[0;34m(a, axis, kind, order)\u001b[0m\n\u001b[1;32m 1112\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1113\u001b[0m \"\"\"\n\u001b[0;32m-> 1114\u001b[0;31m \u001b[0;32mreturn\u001b[0m \u001b[0m_wrapfunc\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0ma\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m'argsort'\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0maxis\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0maxis\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mkind\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mkind\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0morder\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0morder\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 1115\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1116\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/usr/local/lib/python3.7/dist-packages/numpy/core/fromnumeric.py\u001b[0m in \u001b[0;36m_wrapfunc\u001b[0;34m(obj, method, *args, **kwds)\u001b[0m\n\u001b[1;32m 52\u001b[0m \u001b[0mbound\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mgetattr\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mobj\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mmethod\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;32mNone\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 53\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0mbound\u001b[0m \u001b[0;32mis\u001b[0m \u001b[0;32mNone\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m---> 54\u001b[0;31m \u001b[0;32mreturn\u001b[0m \u001b[0m_wrapit\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mobj\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mmethod\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m*\u001b[0m\u001b[0margs\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m**\u001b[0m\u001b[0mkwds\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 55\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 56\u001b[0m \u001b[0;32mtry\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/usr/local/lib/python3.7/dist-packages/numpy/core/fromnumeric.py\u001b[0m in \u001b[0;36m_wrapit\u001b[0;34m(obj, method, *args, **kwds)\u001b[0m\n\u001b[1;32m 41\u001b[0m \u001b[0;32mexcept\u001b[0m \u001b[0mAttributeError\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 42\u001b[0m \u001b[0mwrap\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;32mNone\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m---> 43\u001b[0;31m \u001b[0mresult\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mgetattr\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0masarray\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mobj\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mmethod\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m*\u001b[0m\u001b[0margs\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m**\u001b[0m\u001b[0mkwds\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 44\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0mwrap\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 45\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0;32mnot\u001b[0m \u001b[0misinstance\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mresult\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mmu\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mndarray\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;31mValueError\u001b[0m: could not broadcast input array from shape (3,3) into shape (3,)" + ] + } + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "Yeh-V5x1PYz5" + }, + "source": [ + "## Part 1.5 (10 points)\n", + "In this section, you'll implement a gaussian elimination.\n", + "\n", + "The algorithm to to reduce a matrix to rref using gaussian elimination contains 2 parts, First reducing the matrix to partial reduced form, then back substituting to calculate the rref. First algorithm can be summed up as:\n", + "1. Partial pivoting: Find the kth pivot by swapping rows, to move the entry with the largest absolute value to the pivot position. This imparts computational stability to the algorithm.\n", + "2. For each row below the pivot, calculate the factor f which makes the kth entry zero, and for every element in the row subtract the fth multiple of the corresponding element in the kth row.\n", + "3. Repeat above steps for each unknown. We will be left with a partial r.e.f. matrix.\n", + "\n", + "$$\\begin{bmatrix}\n", + "1 & 2 & 3 \\\\\n", + "4 & 5 & 6 \\\\\n", + "7 & 8 & 9 \\end{bmatrix}\n", + "=>\n", + "\\begin{bmatrix}\n", + "7 & 8 & 9 \\\\\n", + "4 & 5 & 6 \\\\\n", + "1 & 2 & 3 \\end{bmatrix}\n", + "=>\n", + "\\begin{bmatrix}\n", + "7 & 8 & 9 \\\\\n", + "0 & 0.42 & 0.85 \\\\\n", + "0 & 0.85 & 1.71 \\end{bmatrix}\n", + "=>\n", + "\\begin{bmatrix}\n", + "7 & 8 & 9 \\\\\n", + "0 & 0.85 & 1.71 \\\\\n", + "0 & 0.45 & 0.85 \\end{bmatrix}\n", + "=>\n", + "\\begin{bmatrix}\n", + "7 & 8 & 9 \\\\\n", + "0 & 0.42 & 0.85 \\\\\n", + "0 & 0 & -0.05 \\end{bmatrix}\n", + "$$\n", + "Second algorithm:\n", + "1. Take a pivot from the last row.\n", + "2. For each row above the pivot, calculate the factor f which makes the kth entry zero, and for every element in the row subtract the fth multiple of the corresponding element in the kth row\n", + "3. Repeat the above step untill the matrix is in rref\n", + "$$\\begin{bmatrix}\n", + "7 & 8 & 0 \\\\\n", + "0 & 0.42 & 0 \\\\\n", + "0 & 0 & -0.05 \\end{bmatrix}\n", + "=>\n", + "\\begin{bmatrix}\n", + "7 & 0 & 0 \\\\\n", + "0 & 0.42 & 0 \\\\\n", + "0 & 0 & -0.05 \\end{bmatrix}\n", + "$$\n", + "\n", + "Steps for implementation:\n", + "1. Complete the function `swap_rows()`\n", + "2. Complete the function `apply_row()`\n", + "3. Complete `forward()` and `backward()`\n", + "4. Finally implement `rref()` using the `forward()` and `backward()`\n", + "\n", + "Note: You can skip this part if you want." + ] + }, + { + "cell_type": "code", + "metadata": { + "id": "qUFujiFAPYz6" + }, + "source": [ + "def swap_rows(M):\n", + " \"\"\"Implement row swapping to make the largest element in the pivotial column to be the first row.\n", + " Args:\n", + " matrix: numpy matrix of shape (m, n)\n", + " Returns:\n", + " Ms: matrix with swapped row\n", + " \"\"\"\n", + " m,n = M.shape\n", + " j = 0\n", + " for i in range(1, m):\n", + " if M[j,0] > M[i,0]:\n", + " j=i\n", + " M[0] = M[j]\n", + " out = M\n", + " pass\n", + " ### END YOUR CODE\n", + " return out" + ], + "execution_count": 29, + "outputs": [] + }, + { + "cell_type": "code", + "metadata": { + "id": "S8lbAUSWWpyO" + }, + "source": [ + "def apply_rows(M):\n", + " \"\"\"For each row below the pivot, calculate the factor f which makes the kth\n", + " entry zero, and for every element in the row subtract the fth multiple of the\n", + " corresponding element in the kth row.\n", + " Args:\n", + " matrix: numpy matrix of shape (m, n)\n", + " Returns:\n", + " Ms: matrix with all other entries of the pivotal col zero\n", + " \"\"\"\n", + " swap_rows(M)\n", + " k1 = M[1][0]%M[0][0]\n", + " k2 = M[2][0]%M[0][0]\n", + " M[1] = M[1] - k1*M[0]\n", + " M[2] = M[2] - k2*M[0]\n", + " out = M\n", + " ### YOUR CODE HERE\n", + " pass\n", + " ### END YOUR CODE\n", + " return out" + ], + "execution_count": 30, + "outputs": [] + }, + { + "cell_type": "code", + "metadata": { + "id": "GnE_-JLxPYz7" + }, + "source": [ + "def forward(M):\n", + " \"\"\"Return a partial ref using the algo described above\n", + " Args:\n", + " M: numpy matrix of shape (m, n).\n", + " Returns:\n", + " Ms: ref of M\n", + " \"\"\"\n", + " apply_rows(M)\n", + " k3 = M[2][1]%M[1][1]\n", + " M[2] = M[2] - k3*M[1]\n", + " out = M\n", + " ### YOUR CODE HERE\n", + " pass\n", + " ### END YOUR CODE\n", + " return out" + ], + "execution_count": 31, + "outputs": [] + }, + { + "cell_type": "code", + "metadata": { + "id": "Wb7pPGP4XmJu" + }, + "source": [ + "def backward(M):\n", + " \"\"\"Return a rref using the algo described above\n", + " Args:\n", + " M: numpy matrix of shape (m, n).\n", + " Returns:\n", + " Ms: rref of M\n", + " \"\"\"\n", + " out = None\n", + " ### YOUR CODE HERE\n", + " pass\n", + " ### END YOUR CODE\n", + " return out" + ], + "execution_count": 32, + "outputs": [] + }, + { + "cell_type": "code", + "metadata": { + "id": "XLq81xzXYR85" + }, + "source": [ + "def rref(M):\n", + " \"\"\"Return a rref using the algo descrbed above\n", + " Args:\n", + " M: numpy matrix of shape (m, n).\n", + " Returns:\n", + " Ms: ref of M\n", + " \"\"\"\n", + " out = forward(M)\n", + " ### YOUR CODE HERE\n", + " pass\n", + " ### END YOUR CODE\n", + " return out" + ], + "execution_count": 33, + "outputs": [] + }, + { + "cell_type": "code", + "metadata": { + "id": "Eiz6EbsWPYz8", + "colab": { + "base_uri": "https://localhost:8080/" + }, + "outputId": "c6ff23c8-d2a5-4af5-87d9-ed5cfdf5f16a" + }, + "source": [ + "# Let's define M.\n", + "M = np.array([[1,2,3],[4,5,6],[7,8,9]])\n", + "\n", + "# Now let's calculate it's rref.\n", + "# Note that your code may be evaluated on other test cases as well\n", + "Mrref = rref(M)\n", + "print(Mrref)" + ], + "execution_count": 34, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "[[ 1 2 3]\n", + " [ 4 5 6]\n", + " [-5 -7 -9]]\n" + ] + } + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "G46pyDzAE-Ef" + }, + "source": [ + "## Part 1.6 (10 points)\n", + "\n", + "To wrap up our overview of NumPy, let's implement something fun — a helper function for computing the Euclidean distance between two $n$-dimensional points!\n", + "\n", + "In the 2-dimensional case, computing the Euclidean distance reduces to solving the Pythagorean theorem $c = \\sqrt{a^2 + b^2}$. where, given two points $(x_1, y_1)$ and $(x_2, y_2)$, $a = x_1 - x_2$ and $b = y_1 - y_2$.\n", + "\n", + "\n", + "More generally, given two $n$-dimensional vectors, the Euclidean distance can be computed by:\n", + "\n", + "1. Performing an elementwise subtraction between the two vectors, to get $n$ difference values.\n", + "2. Squaring each of the $n$ difference values, and summing the squares.\n", + "4. Taking the square root of our sum.\n", + "\n", + "Alternatively, the Euclidean distance between length-$n$ vectors $u$ and $v$ can be written as:\n", + "\n", + "$\n", + "\\quad\\textbf{distance}(u, v) = \\sqrt{\\sum_{i=1}^n (u_i - v_i)^2}\n", + "$\n", + "\n", + "\n", + "Try implementing this function: first using native Python with a `for` loop in the `euclidean_distance_native()` function, then in NumPy **without any loops** in the `euclidean_distance_numpy()` function.\n", + "We've added some `assert` statements here to help you check functionality (if it prints nothing, then your implementation is correct)!" + ] + }, + { + "cell_type": "code", + "metadata": { + "id": "5xvHopPqO29C" + }, + "source": [ + "def euclidean_distance_native(u, v):\n", + " \"\"\"Computes the Euclidean distance between two vectors, represented as Python\n", + " lists.\n", + " Args:\n", + " u (List[float]): A vector, represented as a list of floats.\n", + " v (List[float]): A vector, represented as a list of floats.\n", + " Returns:\n", + " float: Euclidean distance between `u` and `v`.\n", + " \"\"\"\n", + " # First, run some checks:\n", + " assert isinstance(u, list)\n", + " assert isinstance(v, list)\n", + " assert len(u) == len(v)\n", + "\n", + " # Compute the distance!\n", + " # Notes:\n", + " # 1) Try breaking this problem down: first, we want to get\n", + " # the difference between corresponding elements in our\n", + " # input arrays. Then, we want to square these differences.\n", + " # Finally, we want to sum the squares and square root the\n", + " # sum.\n", + " out = None\n", + " ### YOUR CODE HERE\n", + " pass\n", + " ### END YOUR CODE\n", + " return out" + ], + "execution_count": null, + "outputs": [] + }, + { + "cell_type": "code", + "metadata": { + "id": "wvLuK8MuO3LH" + }, + "source": [ + "def euclidean_distance_numpy(u, v):\n", + " \"\"\"Computes the Euclidean distance between two vectors, represented as NumPy\n", + " arrays.\n", + " Args:\n", + " u (np.ndarray): A vector, represented as a NumPy array.\n", + " v (np.ndarray): A vector, represented as a NumPy array.\n", + " Returns:\n", + " float: Euclidean distance between `u` and `v`.\n", + " \"\"\"\n", + " # First, run some checks:\n", + " assert isinstance(u, np.ndarray)\n", + " assert isinstance(v, np.ndarray)\n", + " assert u.shape == v.shape\n", + "\n", + " # Compute the distance!\n", + " # Note:\n", + " # 1) You shouldn't need any loops\n", + " # 2) Some functions you can Google that might be useful:\n", + " # np.sqrt(), np.sum()\n", + " # 3) Try breaking this problem down: first, we want to get\n", + " # the difference between corresponding elements in our\n", + " # input arrays. Then, we want to square these differences.\n", + " # Finally, we want to sum the squares and square root the\n", + " # sum.\n", + "\n", + " ### YOUR CODE HERE\n", + " pass\n", + " ### END YOUR CODE" + ], + "execution_count": null, + "outputs": [] + }, + { + "cell_type": "code", + "metadata": { + "id": "wu9MimVJE-Eg" + }, + "source": [ + "## Testing native Python function\n", + "assert euclidean_distance_native([7.0], [6.0]) == 1.0\n", + "assert euclidean_distance_native([7.0, 0.0], [3.0, 3.0]) == 5.0\n", + "assert euclidean_distance_native([7.0, 0.0, 0.0], [3.0, 0.0, 3.0]) == 5.0" + ], + "execution_count": null, + "outputs": [] + }, + { + "cell_type": "code", + "metadata": { + "id": "kJDk88g1E-Ej" + }, + "source": [ + "## Testing NumPy function\n", + "assert euclidean_distance_numpy(\n", + " np.array([7.0]),\n", + " np.array([6.0])\n", + ") == 1.0\n", + "assert euclidean_distance_numpy(\n", + " np.array([7.0, 0.0]),\n", + " np.array([3.0, 3.0])\n", + ") == 5.0\n", + "assert euclidean_distance_numpy(\n", + " np.array([7.0, 0.0, 0.0]),\n", + " np.array([3.0, 0.0, 3.0])\n", + ") == 5.0" + ], + "execution_count": null, + "outputs": [] + }, + { + "cell_type": "code", + "source": [ + "n = 1000\n", + "\n", + "# Create some length-n lists and/or n-dimensional arrays\n", + "a = [0.0] * n\n", + "b = [10.0] * n\n", + "a_array = np.array(a)\n", + "b_array = np.array(b)\n", + "\n", + "# Compute runtime for native implementation\n", + "start_time = time.time()\n", + "for i in range(10000):\n", + " euclidean_distance_native(a, b)\n", + "print(\"Native:\", (time.time() - start_time), \"seconds\")\n", + "\n", + "# Compute runtime for numpy implementation\n", + "# Start by grabbing the current time in seconds\n", + "start_time = time.time()\n", + "for i in range(10000):\n", + " euclidean_distance_numpy(a_array, b_array)\n", + "print(\"NumPy:\", (time.time() - start_time), \"seconds\")" + ], + "metadata": { + "id": "E7Z38WwHhoNl" + }, + "execution_count": null, + "outputs": [] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "Mjik4mQXE-Ek" + }, + "source": [ + "Next, let's take a look at how these two implementations compare in terms of runtime:" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "t4e6MfhHE-Em" + }, + "source": [ + "As you can see, doing vectorized calculations (i.e. no for loops) with NumPy results in significantly faster computations! " + ] + }, + { + "cell_type": "markdown", + "source": [ + "Congrats You've come to the end of this notebook. If you solved everything above, impressive. If not, you might need to read/think a bit more. You can always ask doubts. Also, Note that you should submit it even if you cannot solve everything. We might evaluate these using a script later." + ], + "metadata": { + "id": "XvFE0Q5bhx6-" + } + } + ] +} \ No newline at end of file diff --git a/Assignment/Assignment_2/Assignmment_2.ipynb b/Assignment/Assignment_2/Assignmment_2.ipynb new file mode 100644 index 0000000..12e019f --- /dev/null +++ b/Assignment/Assignment_2/Assignmment_2.ipynb @@ -0,0 +1,1113 @@ +{ + "nbformat": 4, + "nbformat_minor": 0, + "metadata": { + "colab": { + "name": "Assignmment_2.ipynb", + "provenance": [] + }, + "kernelspec": { + "name": "python3", + "display_name": "Python 3" + }, + "language_info": { + "name": "python" + } + }, + "cells": [ + { + "cell_type": "markdown", + "source": [ + "#impoting required libraries" + ], + "metadata": { + "id": "hYLvMxLD4bT5" + } + }, + { + "cell_type": "code", + "source": [ + "import pandas as pd\n", + "import matplotlib as mpl\n", + "import matplotlib.pyplot as plt" + ], + "metadata": { + "id": "JlHi1X8_4jYN" + }, + "execution_count": null, + "outputs": [] + }, + { + "cell_type": "markdown", + "source": [ + "# read the csv file using Pandas" + ], + "metadata": { + "id": "yFrhva-T47YL" + } + }, + { + "cell_type": "code", + "source": [ + "data = pd.read_csv (r'/content/House_prediction.csv', delimiter=',')\n", + "print(data)" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "N36hM4yuBt5s", + "outputId": "b93d5c70-79b8-4fa3-fa32-e842e9b70eb8" + }, + "execution_count": null, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + " city area rooms bathroom parking spaces floor animal \\\n", + "0 São Paulo 70 2 1 1 7 acept \n", + "1 São Paulo 320 4 4 0 20 acept \n", + "2 Porto Alegre 80 1 1 1 6 acept \n", + "3 Porto Alegre 51 2 1 0 2 acept \n", + "4 São Paulo 25 1 1 0 1 not acept \n", + "... ... ... ... ... ... ... ... \n", + "10687 Porto Alegre 63 2 1 1 5 not acept \n", + "10688 São Paulo 285 4 4 4 17 acept \n", + "10689 Rio de Janeiro 70 3 3 0 8 not acept \n", + "10690 Rio de Janeiro 120 2 2 2 8 acept \n", + "10691 São Paulo 80 2 1 0 - acept \n", + "\n", + " furniture hoa (R$) rent amount (R$) property tax (R$) \\\n", + "0 furnished 2065 3300 211 \n", + "1 not furnished 1200 4960 1750 \n", + "2 not furnished 1000 2800 0 \n", + "3 not furnished 270 1112 22 \n", + "4 not furnished 0 800 25 \n", + "... ... ... ... ... \n", + "10687 furnished 402 1478 24 \n", + "10688 not furnished 3100 15000 973 \n", + "10689 furnished 980 6000 332 \n", + "10690 furnished 1585 12000 279 \n", + "10691 not furnished 0 1400 165 \n", + "\n", + " fire insurance (R$) total (R$) \n", + "0 42 5618 \n", + "1 63 7973 \n", + "2 41 3841 \n", + "3 17 1421 \n", + "4 11 836 \n", + "... ... ... \n", + "10687 22 1926 \n", + "10688 191 19260 \n", + "10689 78 7390 \n", + "10690 155 14020 \n", + "10691 22 1587 \n", + "\n", + "[10692 rows x 13 columns]\n" + ] + } + ] + }, + { + "cell_type": "markdown", + "source": [ + "# Sorting on the basis of city name" + ], + "metadata": { + "id": "b9kj4e4gUkas" + } + }, + { + "cell_type": "code", + "source": [ + "data.sort_values(by=['city'])" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/", + "height": 624 + }, + "id": "xg55Uw4wg18w", + "outputId": "da33b097-9996-4887-8e1f-c02570ab95d9" + }, + "execution_count": null, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/plain": [ + " city area rooms bathroom parking spaces floor animal \\\n", + "3755 Belo Horizonte 46 2 1 1 2 acept \n", + "10088 Belo Horizonte 476 3 2 2 - not acept \n", + "7693 Belo Horizonte 44 1 1 1 15 acept \n", + "5611 Belo Horizonte 308 4 5 4 18 acept \n", + "6131 Belo Horizonte 320 4 5 4 6 not acept \n", + "... ... ... ... ... ... ... ... \n", + "4553 São Paulo 16 1 1 0 1 not acept \n", + "4552 São Paulo 170 3 2 2 4 acept \n", + "4549 São Paulo 280 3 5 2 - acept \n", + "4565 São Paulo 41 1 1 1 3 acept \n", + "10691 São Paulo 80 2 1 0 - acept \n", + "\n", + " furniture hoa (R$) rent amount (R$) property tax (R$) \\\n", + "3755 not furnished 200 1050 27 \n", + "10088 not furnished 0 6100 202 \n", + "7693 not furnished 550 3400 222 \n", + "5611 furnished 1750 15000 167 \n", + "6131 not furnished 3480 5000 940 \n", + "... ... ... ... ... \n", + "4553 not furnished 0 850 9 \n", + "4552 furnished 1970 9000 900 \n", + "4549 not furnished 0 7000 625 \n", + "4565 furnished 534 2800 133 \n", + "10691 not furnished 0 1400 165 \n", + "\n", + " fire insurance (R$) total (R$) \n", + "3755 14 1291 \n", + "10088 101 6403 \n", + "7693 46 4218 \n", + "5611 200 17120 \n", + "6131 67 9487 \n", + "... ... ... \n", + "4553 11 870 \n", + "4552 115 11990 \n", + "4549 106 7731 \n", + "4565 36 3503 \n", + "10691 22 1587 \n", + "\n", + "[10692 rows x 13 columns]" + ], + "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", + "
cityarearoomsbathroomparking spacesflooranimalfurniturehoa (R$)rent amount (R$)property tax (R$)fire insurance (R$)total (R$)
3755Belo Horizonte462112aceptnot furnished200105027141291
10088Belo Horizonte476322-not aceptnot furnished061002021016403
7693Belo Horizonte4411115aceptnot furnished5503400222464218
5611Belo Horizonte30845418aceptfurnished17501500016720017120
6131Belo Horizonte3204546not aceptnot furnished34805000940679487
..........................................
4553São Paulo161101not aceptnot furnished0850911870
4552São Paulo1703224aceptfurnished1970900090011511990
4549São Paulo280352-aceptnot furnished070006251067731
4565São Paulo411113aceptfurnished5342800133363503
10691São Paulo80210-aceptnot furnished01400165221587
\n", + "

10692 rows × 13 columns

\n", + "
\n", + " \n", + " \n", + " \n", + "\n", + " \n", + "
\n", + "
\n", + " " + ] + }, + "metadata": {}, + "execution_count": 4 + } + ] + }, + { + "cell_type": "markdown", + "source": [ + "# A combined intiutive analysis of area of house available in cities" + ], + "metadata": { + "id": "_Pf5L26XU4gN" + } + }, + { + "cell_type": "code", + "source": [ + "data.plot(x = 'city', y = 'area', kind ='scatter', ylim=(0,2500))\n", + "plt.show()" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/", + "height": 283 + }, + "id": "0TWgfjKEogsB", + "outputId": "f245e931-0530-4492-f60e-cb1131f7280a" + }, + "execution_count": null, + "outputs": [ + { + "output_type": "display_data", + "data": { + "text/plain": [ + "
" + ], + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAaAAAAEKCAYAAABUsYHRAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADh0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uMy4yLjIsIGh0dHA6Ly9tYXRwbG90bGliLm9yZy+WH4yJAAAgAElEQVR4nO3de7wdZX3v8c83FxIgCYEkhECCCSZCQSBKCgSoYqmIvE4NVkV5FQGtUk+l2lar2PYgxVNLtbW+KIoHKwJq4aAUSD0UpFwU5SI7kAsBgV0CJCE3QsiFXMjld/6YZ8PaO2uSNTt77Vlrz/f9eiV7rd+aNfOsWbPmN/PM8zyjiMDMzKy/DSq7AGZmVk1OQGZmVgonIDMzK4UTkJmZlcIJyMzMSuEEZGZmpWhaApI0SdK9kp6QtFDSZ1P8UklLJc1N/86sec+XJHVKekrSe2riZ6RYp6SLm1VmMzPrP2pWPyBJE4AJEfGopJHAHOAs4GxgQ0T8Y4/pjwRuAI4HDgb+C3hLevlp4N3AEuAR4JyIeKIpBTczs34xpFkzjohlwLL0eL2kJ4FDdvGWWcCNEbEFWCSpkywZAXRGxLMAkm5M0zoBmZm1saYloFqSJgNvAx4GTgYuknQe0AF8LiLWkCWnh2retoQ3EtbiHvET6izjQuBCgH333fe4I444om8/hJnZADdnzpyXImJcfy2v6QlI0gjgZuDPImKdpKuArwCR/v4T8PE9XU5EXA1cDTBjxozo6OjY01mamVWKpOf7c3lNTUCShpIlnx9FxL8DRMSKmte/C/w0PV0KTKp5+8QUYxdxMzNrU81sBSfge8CTEfGNmviEmsneDzyeHs8GPiJpmKQpwDTg12SNDqZJmiJpL+AjaVozM2tjzTwDOhn4KLBA0twU+yvgHEnTyargngP+GCAiFkq6iaxxwTbg0xGxHUDSRcCdwGDgmohY2MRym5lZP2haM+wy+RqQmVlxkuZExIz+Wp5HQjAzs1I4AZmZWSmcgMzMrBROQGZmVgonIDMzK4UTkJmZlcIJyMzMSuEEZGZmpXACMjOzUjgBmZlZKZyAzMysFE5AZmZWCicgMzMrhROQmZmVwgnIzMxK4QRkZmalcAIyM7NSOAGZmVkpnIDMzKwUTkBmZlYKJyAzMyuFE5CZmZXCCcjMzErhBGRmZqVwAjIzs1I4AZmZWSmcgMzMrBROQGZmVgonIDMzK4UTkJmZlcIJyMzMSuEEZGZmpXACMjOzUjgBmZlZKZyAzMysFE1LQJImSbpX0hOSFkr6bIofIOkuSc+kv/unuCRdIalT0nxJb6+Z1/lp+mcknd+sMpuZtbPOFev5ScdiOlesL7soDRnSxHlvAz4XEY9KGgnMkXQXcAFwd0RcLuli4GLgi8B7gWnp3wnAVcAJkg4AvgzMACLNZ3ZErGli2c3M2solty7g+odeeP35eTMP5bJZR5dYot1r2hlQRCyLiEfT4/XAk8AhwCzgujTZdcBZ6fEs4PrIPASMljQBeA9wV0S8nJLOXcAZzSq3mVm76VyxvlvyAbj+wRda/kyoX64BSZoMvA14GBgfEcvSS8uB8enxIcDimrctSbG8eM9lXCipQ1LHqlWr+rT8ZmatbO7iVwrFW0XTE5CkEcDNwJ9FxLra1yIiyKrV9lhEXB0RMyJixrhx4/pilmZmbWH6pNGF4q2iqQlI0lCy5POjiPj3FF6RqtZIf1em+FJgUs3bJ6ZYXtzMzICp40dy3sxDu8XOm3koU8ePLKlEjWlaIwRJAr4HPBkR36h5aTZwPnB5+ntbTfwiSTeSNUJYGxHLJN0JfLWrtRxwOvClZpXbzKwdXTbraM47cTJzF7/C9EmjWz75QHNbwZ0MfBRYIGluiv0VWeK5SdIfAc8DZ6fXbgfOBDqBjcDHACLiZUlfAR5J010WES83sdxmZm1p6viRbZF4uii7DDOwzJgxIzo6OsouhplZW5E0JyJm9NfyPBKCmZmVwgnIzMxK4QRkZmalcAIyM7NSOAGZmVkpnIDMzKwUTkBmZlYKJyAzMyuFE5CZmZXCCcjMzErhBGRmZqVwAjIzs1I4AZmZWSmcgMzMrBROQGZmVgonIDMzK4UTkJmZlcIJyMzMSuEEZGZmpXACMjOzUjgBmZlZKZyAzMysFE5AZmZWCicgMzMrhROQmZmVwgnIzMxK4QTUQ+eK9fykYzGdK9aXXRQzswFtSNkFaCWX3LqA6x964fXn5808lMtmHV1iiczMBi6fASWdK9Z3Sz4A1z/4gs+EzMyaxAkombv4lUJxMzPbM05AyfRJowvFzcxszzgBJVPHj+S8mYd2i50381Cmjh9ZUonMzAY2N0KocdmsoznvxMnMXfwK0yeNdvIxM2siJ6Aepo4f6cRjZtYPmlYFJ+kaSSslPV4Tu1TSUklz078za177kqROSU9Jek9N/IwU65R0cbPKa2Zm/auZ14CuBc6oE//niJie/t0OIOlI4CPAUek935Y0WNJg4FvAe4EjgXPStGZm1uaaVgUXEb+QNLnByWcBN0bEFmCRpE7g+PRaZ0Q8CyDpxjTtE31cXDMz62dltIK7SNL8VEW3f4odAiyumWZJiuXFdyLpQkkdkjpWrVrVjHKbmVkf6u8EdBXwZmA6sAz4p76acURcHREzImLGuHHj+mq2ZmbWJP3aCi4iVnQ9lvRd4Kfp6VJgUs2kE1OMXcTNzKyN9esZkKQJNU/fD3S1kJsNfETSMElTgGnAr4FHgGmSpkjai6yhwuz+LLOZmTVH086AJN0AnAqMlbQE+DJwqqTpQADPAX8MEBELJd1E1rhgG/DpiNie5nMRcCcwGLgmIhY2q8xmZtZ/FBFll6HPzZgxIzo6OsouhplZW5E0JyJm9NfyPBacmZmVwgnIzMxK4QRkZmalcAIyM7NSOAGZmVkpnIDMzKwUTkBmZlYKJyAzMytFwyMhSHor2T15hnfFIuL6ZhTKzMwGvoYSkKQvkw2rcyRwO9kN4n4JOAGZmVmvNFoF90HgNGB5RHwMOBbYr2mlMjOzAa/RBLQpInYA2ySNAlbS/TYJZmZmhTR6DahD0mjgu8AcYAPwYNNKZWZmA15DCSgi/iQ9/I6kO4BRETG/ecUyM7OBrqEqOGXOlXRJRDwHvCLp+OYWzczMBrJGrwF9G5gJnJOerwe+1ZQSmZlZJTR6DeiEiHi7pMcAImJNukW2mZlZrzR6BrRV0mCyW2kjaRywo2mlMjOzAa/RBHQFcAtwoKS/I+uE+tWmlcrMzAa83VbBSRoELAK+QNYZVcBZEfFkk8tmZmYD2G4TUETskPStiHgb8Jt+KJOZmVVAo1Vwd0v6gCQ1tTRmZlYZjSagPwZ+DGyRtE7SeknrmlguMzMb4BodCWGkpAOAadTcjsHMzKy3Gr0dwyeAzwITgbnAicADZI0SzMzMCmu0Cu6zwG8Dz0fEu4C3AWubViozMxvwGk1AmyNiM4CkYRHxG+Dw5hWrPKs3bGHe4ldYvWFL2UUxMxvQGh2KZ0m6HcOtwF2S1gDPN69Y5bht7lK+ePN8hg4axNYdO/jaB47hfdMPKbtYZmYDUqONEN6fHl4q6V6yu6He0bRSlWD1hi188eb5bN66g81plKEv3Dyfk6eOZcyIYSWXzsxs4Gn0DOh1EfHzZhSkbEvWbGLooEGvJx+AoYMGsWTNJicgM7MmaPQa0IA3cf+92bqj+/iqW3fsYOL+e5dUIjOzgc0JKBkzYhhf+8AxDB86iJHDhjB86CC+9oFjfPZjZtYkhavgBrL3TT+Ek6eOZcmaTUzcf28nHzOzJnIC6mHMiGFOPGbWllZv2NJWB9BOQGZmA0A7diNp2jUgSddIWinp8ZrYAZLukvRM+rt/ikvSFZI6Jc2X9Paa95yfpn9G0vnNKm+XHz6wiA995wF++MCiZi/KzHbDHcMbU9uNZP2WbWzeuoMv3Dy/5ddbM8+ArgWuBK6viV0M3B0Rl0u6OD3/IvBesoFOpwEnAFcBJ6QBUL8MzCC7HfgcSbMjYk0zCnzspXewdvN2AB55bg1f/9lTzLv0jGYsasBot1N+ax/teERfliVrNrF5a/dWvJu37mj5biRNOwOKiF8AL/cIzwKuS4+vA86qiV8fmYeA0ZImAO8B7oqIl1PSuQtoSkb44QOLXk8+XdZu3u4zoV24be5STv6Hezj3Xx/m5H+4h9lzl5ZdJBsg2vWIviyLVq0vFG8V/d0Me3xELEuPlwPj0+NDgMU10y1Jsbz4TiRdKKlDUseqVasKF+y2+csKxavOOwhrpq6O4bW6Oobbzh58tuex/q7jraK0fkAREWTVan01v6sjYkZEzBg3blzh9886ZkKheNV5B9E7vqbRGHcML+b0I8cXireK/k5AK1LVGunvyhRfCkyqmW5iiuXF+9y5J01hv+GDu8X2Gz6Yc0+a0ozFtT3vIIpzlWXj3DG8mNOOPIgJo/bqFpswai9OO/KgkkrUmP5uhj0bOB+4PP29rSZ+kaQbyRohrI2IZZLuBL7a1VoOOB34UrMKN+/SM/jhA4u4bf4yZh0zwclnF7p2EF/ocZHYO4j6PNhtce4Y3rjVG7awZtO2brE1m7axesOWll5vTUtAkm4ATgXGSlpC1prtcuAmSX9EdjuHs9PktwNnAp3ARuBjABHxsqSvAI+k6S6LiKZWap570hQnngZ5B9E4D3bbO+4Y3ph23b6aloAi4pycl3a6jXe6HvTpnPlcA1zTh0WzPuQdRGNcZWnN1K7blwcj7cEdUYvxRfXG+JpG73j7akzX9jVsyCD22Wsww4a0x/bloXhquCNqMe4oWIyrLIvx9lVMdP0fog8bGDeVz4ASd0Qtxv2AemfMiGEcO2m0k89uePsqpmt9bdkWbNy6nS3boi3WlxNQcvNj9ZvE5sWrzv2ArJm8fRXTruvLCSg5YcoBheJV164XPa09ePsqpl3XlxNQ8sHjJhWKV50vqlszefsqZsyIYZw9Y2K32NkzJrb8+nIjhOS+p1bmxqeOH9nPpWkPvqhuzeTtq3GrN2zhhl8v7ha74deL+expb2np9eYzoKTj+fp3eMiLW8YX1a2ZvH01ZuGLa9m6vXvLt63bg4Uvri2pRI1xAkr2G17/ZDAvbtYb7tdSjNdXo1Qw3hq8d022bK/fbj4vblaU+7UU4/XVuKMOHlUo3ip8BpRs3PxaobhZEe7XUozXVzH3P13/GnZevFU4ASXzlq4rFDcrol37aZTF66uYny5YXijeKpyAkhNz+vvkxc2KaNd+GmXx+irm1GljC8VbhRNQcsn73loobhlfJG6M+7UU066Da5bl6En7F4q3CjdCSMaMGMbeQ8SmbW80Oth7iLzB74IvEhfjfi3FtOPgmmXZd6/BheKtwmdAyQ8fWNQt+QBs2hYejDSHLxL3jvu1NKZdB9csy4tr618by4u3Cieg5Lb5ywrFq84Xia2ZvH0V1Z79gJyAksMP3LdQvOp8kbh3fM2sMd6+ijnq4FEM6bE3HzLI/YDaxtYdxeJVN2bEMM4+rv0GPyzTbXOXctLld3PO1Q9x0uV3M3uub/WRx402ihkzYhgzDxvTLTbzsDEtv77cCCF5atkrheJVt3rDFm6as6Rb7KaOJS0/+GFZVm/Ywudumsu2HQDZjQ//4qa5nDx1rNdXDjfaaFznivXc37m6W+z+ztV0rljf0oMp+wwoeXL5hkLxqnMdfTELX1yXks8btu3I4pZvzauv8cyK9ax51SOS7MovO18qFG8VPgNKDhm9D8+u3lg3bjtzHX1Rec2I3bw4zyW3LuD6h154/fl5Mw/lsllHl1ii1jW85wWg3cRbRWuXrh+98/BxheJV1643wCrLUQfvx6AeDZIGKYvbzjpXrO+WfACuf/AFOlesL6lErW3E8KGF4q3CCShZsa5+1VFevOpWb9jCTR07XwNy66761rz6Gjt6nOzsCFy1lOPfHn6+ULzq1m/eWijeKpyAkufrVL/tKl51vgZUzNzF9Ruz5MWr7sW1mwvFq+7lnAOZvHircAJK9hu+V6F41fkaUDGTx9S/lpgXr7oP9Wjiv7t41b0pZzvKi7cKJ6DkTWNzvsCceNV19dMYOgiGDhZDB+F+GrswdMhghg7ufhFo6GAxdEhrj9VVlumH7r9TH36luO3soFHDC8VbhRNQMnH/+okmL25wU8ditu7I7j2/dQf8uGNx2UVqWRP335utPe6uu3V7+Iwxx5I1m1CPDCThKt4cz+VcKsiLtwonoOQnHS8Uilddx6LV/LJOx7eORatz3lFtc19YUyhedS+t31y30cZL630NqJ7Nr20rFG8VTkDJopfrb9h58ar7xTP1O7jlxavuZ0+sKBSvunlL1haKV13HC/Ubs+TFW4UTULJPTnP5vHjVvSPnTot58aqbeVj9O+vmxavusJxrr3nxqhs/sv6117x4q3ACSg7JudaTF6+6KeNGFIpX3QE5jTPy4lX3yqb6VUd58aqbMLr+tcS8eKtwAkqWra1/sS4vXnULX6xfFZIXt/a8X0tZtm6vPwx9XrzqtuRc68mLtwonoOS1nA7DefGqW5dzJJoXr7p2vV9LWYYOrr9ryotX3a+efblQvFWU8m1Kek7SAklzJXWk2AGS7pL0TPq7f4pL0hWSOiXNl/T2ZpQprzuGu2nUN2rv+uPY5sWrbsyIYXzj7OkMUTYG3BDBN86e7n5TOU6ZWv9aYl686n7roPq3XMiLt4oyDyfeFRHTI2JGen4xcHdETAPuTs8B3gtMS/8uBK5qRmG25hy458Wr7uD96tct58UNrrz3GbZF1px4W8C37n2m7CK1rKnjR3LQqO6jkEwYtVdL39umTJPH1r9zc168VbTS+ews4Lr0+DrgrJr49ZF5CBgtaUJfL3xrzqj4efGqe3Ft/Q6BefGqu/uJ5Ty94tVusadWvMrdTywvqUStrWPRapav6z6O2bJ1r7mfWY6fzMnpx5gTbxVlJaAAfiZpjqQLU2x8RCxLj5cD49PjQ4DaLvZLUqwbSRdK6pDUsWrVqmaV217ni+pFuB9QMe5nVkzPg5vdxVtFWQnolIh4O1n12qclvaP2xYgICt6pKyKujogZETFj3Djfw6fZ9hlaf9PJi1fdYTmDQubFq+7YifXvk5QXr7pp4+tXteXFW0Upe4uIWJr+rgRuAY4HVnRVraW/K9PkS4FJNW+fmGJWosdzmlvnxavupY31m1Pmxatu5fr695XKi1fd8W8aUyjeKvo9AUnaV9LIrsfA6cDjwGzg/DTZ+cBt6fFs4LzUGu5EYG1NVZ2VpOfAmruLV91hOReD8+JV535mxTy2uP6YgnnxVlFGm9nxwC3KhrodAvxbRNwh6RHgJkl/BDwPnJ2mvx04E+gENgIf6/8iW09PLltXKF51B+YMiZIXr7qxOc3T8+JVtyxnlPC8eKvo9wQUEc8Cx9aJrwZOqxMP4NP9UDQrYF7OnTzz4lV371P1G8bc+9QqTjvyoH4uTetbsa7+jjMvXnXrckY8yIu3Cl8xtl4ZPKh+a7e8eNX1vBnd7uJVt+Tl+okmL151o4bVHzU5L94qnICsV848un5XrLx41R2cMyhkXrzqxuZUTebFK69Ne0U4AVmvTM5pPpwXr7r7n65fBZcXrzr1vB3qbuJVtyrnRn158VbhBGS9csfC+j348+JV98zKDYXiVbcx59pFXrzq8sYAbvWxgZ2ArFf2Hlp/lNa8eNW9eUz95tZ58ao7/MD695XKi1fd3jk/u7x4q3ACsl55ecNrheJVN3a/4YXiVfd8TvPhvHjV5d0mqdVvn+QEZL3y6OL69xnJi1fdjENHF4pX3dBBOfcDyolX3Ws5/b/z4q3C36b1ytZtOSMh5MSrbu3m+pXxefGq+++X6l8by4tbe3ICsl4Zs2/95rB58apbvaH+GGZ58apbnVOVmxevurzePq3dC8gJyHorrzmsm8nWtWZj/R1nXrzqRg3PueNuTrzqhg7N6eicE28VTkDWKwfsW//YKi9edZ0r1xeKV934UfXPpPPiVbcx586ZefFW4QRkvTJuxF6F4lX39PL61y7y4lX3+NL6g9rmxa09OQFZrzyWM+hoXrzqtuQ0h82LV52vAVWDE5D1ysYt2wvFzYoYnNOBMi9u7ckJyHplSM4oznnxqts/p0t6XrzqBuc0ZsmLW3tyArJeGTG8fmODvHjVbX6t/plhXrzq9t2rfmLOi1t7cgKyXtmxo/7Fi7x41W3OyTN58arblNOhOS9u7ckJyHplzav1e/Dnxasur/uKu7XUt317/cycF7f25ARkvZK3G/DuIUfegbsP6OvLu7Ou77g7oDgBWa94f1rMppzMnBevuo05o2jmxa09OQGZmVkpnIDMzKwUTkBmZlYKJyAzMyuFE5CZmZXCCcjMzErhBGRmZqVwAjIzs1I4AZmZWSmcgMzMrBROQGZmVgonIDMzK4UTkJmZlcIJyMzMSuEEZGZmpWibBCTpDElPSeqUdHHZ5TEzsz3TFglI0mDgW8B7gSOBcyQdWW6pzKxZBheMW3tqiwQEHA90RsSzEfEacCMwq+QyVdpJU0YXipsV8bfvq398mRevuiEF461CEa1/i1tJHwTOiIhPpOcfBU6IiItqprkQuDA9PRx4qsgyBg0fMWrI6IOmAWzfuJbB++wHwLZXlj+zY/OGdXv+KQaevQ6aehx0X1+vLe+cU2qhWpjXVzFDDzzsWA0aNKRrfcWOHdu2rnx2XtnlalV9tH29KSLG9XXZ8rR6gmxYRFwNXN0X85LUsW3tyhl9Ma8q8PoqxuurGK+vYtppfbVLFdxSYFLN84kpZmZmbapdEtAjwDRJUyTtBXwEmF1ymczMbA+0RRVcRGyTdBFwJ1lDmGsiYmETF9knVXkV4vVVjNdXMV5fxbTN+mqLRghmZjbwtEsVnJmZDTBOQGZmVoq2TECS/lrSQknzJc2VdEKKHyXpfkn/IekzBed5qaSlaX6PS3pfL8t2qaTP9+a9e0rS9pry/1jSPgXeO13Smb1c7jfTuhtUE7tA0pW9mV+z9Fg//yFpdIofLOknezDfa1NftUanb8o2IumBvp5ngWUfJOlGSf8taY6k2yW9pUnL2qPvqxlqtq15kh6VdFID79lQcBkbejwv/BuT9L6+HMpM0mhJf9Lb97ddApI0E/gfwNsj4hjg94DFABGxMCJ+JyJ+PyKu6MXs/zkipgMfAq6p3aG2iU0RMT0i3gq8BnyqkTdJGgJMBwonoLSO3k/2Hbyz6PsbmL/68HuoXT8vA58GiIgXI6LhBNKqImKnnV76bptKkoBbgPsi4s0RcRzwJWB8M5bXot9X17Z1LNln//uyC9STpCERMTsiLu/D2Y4GqpOAgAnASxGxBSAiXoqIFwEkXSLpkXSEe3X6YXQd3T+UzphukbT/rhYQEU8C24Cxkm5NR3QL02gLpHluqHn8QUnX9pxP0eX2sfuBqZIOSJ9hfirLMalsl0r6gaRfAT8ALgM+nI7iPpz3vjpOBRYCVwHn1JtA0jhJN6fv5hFJJ9fE70rr9l8lPS9prKTJygaevR54HJgk6S/Te+dL+ts+WD8PAoekckyW9Hh6PFzS9yUtkPSYpHfV+TySdGUq438BB9a8dpykn6dt5k5JE3ZVCEmfTJ9rXlpH+6T4tZKukPSApGdrz7Dy1kXXNinpVGU1AbOBJxr5THvoXcDWiPhOVyAi5gGPSbo7nREskDQrlW+ypN+kz/i0pB9J+j1Jv5L0jKTj03Rd2+iDKf7Jmvd3fV8XSPp3SXekab5Wsz6uktSRtq/a9XS5pCfS+vvHPl4XAKOANTXL2+W2m7anryvbby2Q9OGiC0zr5J60jLslHZri10r6jqSHga+p5qwp/da7/m2S9M683336Lq6RdF/aHrtqmC4H3pzm8fVGPm83EdFW/4ARwFzgaeDbwDtrXjug5vEPgN9Pj+d3TUe2o/1mnfleCnw+PT4BeBFQ1zyBvcl2hmPS8w017/0gcG2d+ex2uX28bjakv0OA24D/CfwL8OUU/11gbk055wB7p+cXAFfWzKvu++os87vAR8l+dEuBoT3nB/wbcEp6fCjwZHp8JfCl9PgMIICxwGRgB3Bieu10sqalIjto+inwjj1YP4OBH5MN70Ra3uPp8efImvkDHAG8AAzvMZ8/AO5K8zkYeCVtA0OBB4BxaboPd81rF9vamJr4/wb+ND2+NpVxENkAvJ27Wxc1n+9U4FVgSqOfaQ+3u8+Q1R70jA8BRqXHY4HOVO7JZAd4R6fPMAe4Jr02C7i1Zj3NI/vtjSU7yz64x/d1AfAssB8wHHgemFS7P0jf033AMcAYsmG6uloAj+6jdbCdbL/0G2AtcFyB7+sDNdvT+PT9TNjFMrr+vcAbv7H/AM5Pjz9esw6vTcscXO93nmK/T3bAOpRd7y8eAIal72J1mv7176I3v9W2OwOKiA3AcWTjvq0C/q+kC9LL75L0sKQFZCvvKEn7kW1kP0/TXAe8I2f2fy5pLvCPwIcjW6OfkTQPeIhsNIZpjZSz4HL7yt6p/B1kG+f3gFPIkjERcQ8wRtKoNP3siNiUM69dvQ8AZZ2CzyTb2NcBDwPvqTOv3wOuTGWbDYySNCIt48a0jDuoOWoEno+Ih9Lj09O/x4BHyXaiDX0PPXStn+VkP/S76kxzCvDDVKbfkO3Qel7LeAdwQ0Rsj+zs+54UPxx4K3BXWs7fkI3asStvTWcrC4A/BI6qee3WiNgREU/wRnVWo+vi1xGxqMBnagYBX5U0H/gvsjPOrs+xKCIWRMQOsjPou9PvbQHZTq3LbRGxKSJeAu4lG5i4p7sjYm1EbAaeAN6U4mdLepRsXR1FlsjXApuB70n6A2BjH33Wriq4I8gOpq6XJBr7vk7hje1pBfBz4Ld3sYzpkV0quKTmtZlkB3qQ/W5PqXntxxGxvV6hJU0Dvg6cHRFb2fXv/v9FxJb0XaykfhVrod9qW3RE7SmtzPuA+9IP93xJN5KdEc2IiMWSLiU7IirinyPi9VNySaeS7TxnRsRGSffVzLO2A1XR5TTLprRhvi77DeR6dQ+X9x6yOuAFaTn7AJvIjnpqDSI7m9ncy7IJ+PuI+D97WN5NETE9VXPdSXYNqDfXCvMIWBgRMwusWmkAAATFSURBVAu851rgrIiYlw6kTq15bUuPeXf9bWRd7Ol3W8RCsjPAnv4QGEd2NrBV0nO88Vup/Ww7ap7voPt+qWdHxXodF2vntR0YImkK8HngtyNijbIq8uGRdWo/HjgtlfkisoPVPhMRD0oaS/bZ+2rb3RN1t4V0EHgT8MmIWNbAfHZaz/VmS4HP23ZnQJIOT1m7y3SyI7quDfultGI/CBARa4E1kn4nvf5RsiOMRuwHrEnJ5wjgxJrXVkj6Lb1xEb6bPVxuX7qfbEfQlVBfSmcrPa0HRhZ83znAJyJickRMBqYA79bOre9+Bvxp1xNJXUnyV8DZKXY6kHeN7E7g4+l7RdIhkg7MmXa3ImIjWbXR57TzRfraz/0WsirDniOr/4LsetlgZdd4uq6pPAWMU9ZQBklDJR3Fro0Elkka2rXc3ejNumjkM+2Je4Bh6n6N9BiyM5GVKfm8izfOTIqYpewa1hiy5PxIg+8bRbbjXStpPNm9xLp2uvtFxO3AnwPH9qJMu5T2FYPJqqka+b7u543taRzZGfavCy72AbIhyiD7ru9v4D3XAN+PiNppG91fdOm53yi0fbbjGdAI4F+UNaHdRlavfGFEvCLpu2TXaZbTfUM9H/hO2jE+C3yswWXdAXxK0pNkP9iHal67mOxIfxVZldeIOu/v7XL70qVkLfrmk1U3nJ8z3b3Axanq6O939770mc6gpqVdRLwq6Zdkdcq1PgN8K81rCNkO/FPA3wI3KLu9xoNk39t6eqzLiPiZpN8CHkxnTRuAc8mqAXolIh5L5TmH7j/WbwNXpTPrbcAFkRq81LiF7Kj5CbKqzgfTPF9T1ljgilQFOwT4JtkZQq0hvHE0+b/Iqi5Xpb8j2YVerotGPlOvRURIej/wTUlfJKvieo5sG7oiLbeD7PpIUfPJts2xwFci4kVJkxso0zxJj6VlLiY72IFs/d4maTjZ0fpf9KJM9XRV75Lme36qqWnk+7qFrAptHtkZ3hciYnnB5f8p8H1Jf0m2Le1yXyPpTWQH6W+R9PEU/gSN7y8AiIjVyhqPPA78Z0T8ZZHt00PxWGkkDQO2p2qRmcBVPasQByJJtwDfTUfhliNVo2+orRa3gaUdz4Bs4DgUuClVY74GfLLk8jRdOht4mqxa0qzSfAZkZmalaLtGCGZmNjA4AZmZWSmcgMzMrBROQGZNJulTks5Ljy+QdHDZZTJrBW6EYNaP0mgan4+IjrLLYlY2JyCzPpbOdj5P1qlwPvDfZB3yniMbemcp2ZBFf002DMpZ6X3vBv4kInYaWcNsIHIVnFkfSkPv/A3wu5HdG+azXa9FxE/IRgT4w9Th9nbgiDT8CmS916/p5yKblcYJyKxv/S7Z6MMvAUTEy3kTptGffwCcm4aWmgn8Z7+U0qwFeCQEs3J9n+xeLpvJEte2kstj1m98BmTWt+4BPpRGb0bSAT1e7zZ6cLqf0Itk1Xbf769CmrUCnwGZ9aGIWCjp74CfS9pOdmOu52omuZZshPRNZPeZ2gT8iOwuqk/2d3nNyuRWcGYlk3Ql8FhEfK/sspj1JycgsxJJmkN247R39+U9eszagROQmZmVwo0QzMysFE5AZmZWCicgMzMrhROQmZmVwgnIzMxK8f8BevUhCWG8xgkAAAAASUVORK5CYII=\n" + }, + "metadata": { + "needs_background": "light" + } + } + ] + }, + { + "cell_type": "markdown", + "source": [ + "# Fire insurance and property tax dependency" + ], + "metadata": { + "id": "XUeUvOQTVAGX" + } + }, + { + "cell_type": "code", + "source": [ + "data.plot(x = 'property tax (R$)', y = 'fire insurance (R$)', kind ='bar', xlim=(0,50000), ylim=(0,300))\n", + "plt.show()" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/", + "height": 311 + }, + "id": "BUe0g9shyVw-", + "outputId": "24b8d119-2122-4a6d-a192-e1896a717f54" + }, + "execution_count": null, + "outputs": [ + { + "output_type": "display_data", + "data": { + "text/plain": [ + "
" + ], + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAXwAAAEmCAYAAABh8itbAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADh0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uMy4yLjIsIGh0dHA6Ly9tYXRwbG90bGliLm9yZy+WH4yJAAAgAElEQVR4nO3dfZRU9Z3n8feXB4GAUdSWOKBDR9FIiDSKBE1gVcyC0QX0+EA2KxgVBh+ijpmwTHKcMHvwHJ9Gd+OsOGR1wBliohJWBrMmxOiCcQcDCD6BAQW1EYEAgog8dX/3j/u73beLarq6q6qrqu/ndU6dqvrd3733dx/qU7d+t6quuTsiItLxdSp1A0REpH0o8EVEUkKBLyKSEgp8EZGUUOCLiKSEAl9EJCVaDHwz625mr5rZajN7y8z+PpRXm9kyM1tvZr80s6NCebfwfH0Y3r+4iyAiIrnI5Qh/P3CRuw8GaoAxZjYcuBd4yN1PA3YCN4T6NwA7Q/lDoZ6IiJRYi4HvkT3haddwc+Ai4JlQPhcYHx6PC88Jw0eZmRWsxSIi0iY59eGbWWczWwVsBRYD7wKfuPuhUKUW6Bse9wU+BAjDdwHHF7LRIiLSel1yqeTudUCNmR0LLAC+ku+MzWwKMAWgZ8+e53zlK3lPUkQkVVasWPFnd6/KtX5OgR9z90/M7EXgPOBYM+sSjuL7AZtCtU3AyUCtmXUBjgG2Z5nWbGA2wNChQ3358uWtaYqISOqZ2futqZ/Lt3SqwpE9ZtYD+BawBngRuDJUmwQ8Gx4vDM8Jw3/v+oc2EZGSy+UI/yRgrpl1JnqDeMrdF5nZ28AvzGwm8BrwWKj/GPAvZrYe2AFMKEK7RUSklVoMfHd/HRiSpfw9YFiW8n3AVQVpnYiIFEyr+vBFpDQOHjxIbW0t+/btK3VTpAS6d+9Ov3796Nq1a17TUeCLVIDa2lqOPvpo+vfvj37Wki7uzvbt26mtraW6ujqvaem/dEQqwL59+zj++OMV9ilkZhx//PEF+XSnwBepEAr79CrUtlfgi4ikhPrwRSpQ/+nPFXR6G++5tMU6P/3pT5k1axZnn30211xzDW+//TbTp09v0/wWLlyY1/jlaPPmzUyePJlFixbx0ksvMW7cOKqrq9m3bx+XXXYZDzzwQJP6M2bMYMaMGU3KLr74Yp5++ml69+5dlDbqCF9EcvLII4+wePFi5s2bx9ixY7OG9aFDh7KMebjmxi+UXNtRSA8++CCTJ09ueD5ixAhWrVrFa6+9xqJFi/jDH/4AwJ49e7j66quZNWsWZ511FtOmTWsY59prr+WRRx4pWhsV+CLSoqlTp/Lee+9xySWX8NBDDzFnzhxuvfVWAK677jqmTp3K17/+daZNm8a7777LmDFjOOeccxgxYgRr1649bHqZ4992222cf/75fPnLX+aZZ6I/4d28eTMjR46kpqaGQYMGsXTpUgB69erVMJ1nnnmG6667Lms7Xn31Vc477zyGDBnC+eefzzvvvNMw7yuuuIIxY8YwYMCAJoH7/PPPc/bZZzN48GBGjRoFwGeffcb111/PsGHDGDJkCM8++yzZzJ8/nzFjxhxW3qNHD2pqati0Kfr3mSeeeIJevXpx0003sWrVKiZOnNhQd+zYsTz55JM5bJG2UZeOiLTo0Ucf5fnnn+fFF1/khBNOYM6cOU2G19bW8sorr9C5c2dGjRrFo48+yoABA1i2bBk333wzv//97484/c2bN/Pyyy+zdu1axo4dy5VXXsnPf/5zRo8ezY9//GPq6urYu3dvi+1MtmP37t0sXbqULl268Lvf/Y4f/ehHzJ8/H6DhyLtbt26cccYZfP/736d79+5MnjyZJUuWUF1dzY4dOwC4++67ueiii3j88cf55JNPGDZsGBdffDE9e/ZsmO+GDRvo3bs33bp1O6xNO3fuZN26dYwcORKAo446it27d/P555/TqVMnBg0a1FC3d+/e7N+/n+3bt3P88YX/k2EFvojk7aqrrqJz587s2bOHV155hauuavyx/f79+1scf/z48XTq1ImBAweyZcsWAM4991yuv/56Dh48yPjx46mpqcm5HQC7du1i0qRJrFu3DjPj4MGDDfVGjRrFMcccA8DAgQN5//332blzJyNHjmz4rvtxxx0HwG9/+1sWLlzY0Ae/b98+PvjgA84888yG6W3evJmqqqZ/Wrl06VIGDx7MunXruOOOO/jSl74EwMSJE/nTn/7E3LlzWbp0KXfeeSdXXnllw3gnnngiH330kQJfRMpTfLRbX1/Psccey6pVq1o1fvLIOP6vxZEjR7JkyRKee+45rrvuOu68804mTpzY5CuKmd9NTx5133XXXVx44YUsWLCAjRs3csEFF2SdX+fOnY/Y5+/uzJ8/nzPOOKPZOj169DisLSNGjGDRokVs2LCB4cOHc/XVV1NTU8NRRx3Ffffdxxe+8AWuueYaRo8ezdChQ+nfv3/DMvXo0aPZeeVDffgiUjBf/OIXqa6u5umnnwaisFy9enWbpvX+++/Tp08fJk+ezI033sjKlSsB6NOnD2vWrKG+vp4FCxY0O/6uXbvo2ze6LlNmF1Q2w4cPZ8mSJWzYsAGgoUtn9OjRPPzwww1vRK+99tph455++uls3Lgx63Srq6uZPn06994bXe113bp1HDhwAIABAwZwzDHHNHRXuTsff/xxQ/gXmo7wRSpQLl+jLJV58+Zx0003MXPmTA4ePMiECRMYPHhwq6fz0ksvcf/999O1a1d69erFE088AcA999zDZZddRlVVFUOHDmXPnj1Zx582bRqTJk1i5syZXHppy+urqqqK2bNnc8UVV1BfX8+JJ57I4sWLueuuu7jjjjs466yzqK+vp7q6mkWLFjUZt2fPnpx66qmsX7+e00477bBpT506lQceeICNGzeydu1aJk2axKZNm5g/fz6XXnopAwcOBGDFihUMHz6cLl2KE81WDn9VrwugiBzZmjVrmvQZS/lZsGABK1asYObMmTnVz/Y9/Ntvv52xY8c2fEMoKds+YGYr3H1orm3UEb6ISAFcfvnlbN9+2MX9mpU8pxAbNGhQ1rAvFPXhi4gUyI033phz3WyBn/zhVjEo8EUqRDl0v0ppFGrbK/BFKkD37t3Zvn27Qj+F4v/D7969e97TUh++SAXo168ftbW1bNu2rdRNkRKIr3iVLwW+SAXo2rVr3lc7ElGXjohISijwRURSQoEvIpISCnwRkZRQ4IuIpIQCX0QkJRT4IiIp0WLgm9nJZvaimb1tZm+Z2e2hfIaZbTKzVeH27cQ4f2tm683sHTMbXcwFEBGR3OTyw6tDwA/cfaWZHQ2sMLPFYdhD7v5AsrKZDQQmAF8F/gL4nZmd7u51hWy4iIi0TotH+O6+2d1XhsefAmuAvkcYZRzwC3ff7+4bgPXAsEI0VkRE2q5Vffhm1h8YAiwLRbea2etm9riZ9Q5lfYEPE6PVcuQ3CBERaQc5B76Z9QLmA3e4+25gFnAqUANsBv6hNTM2sylmttzMlusPoUREii+nwDezrkRhP8/dfwXg7lvcvc7d64Gf0dhtswk4OTF6v1DWhLvPdveh7j60qqoqn2UQEZEc5PItHQMeA9a4+4OJ8pMS1S4H3gyPFwITzKybmVUDA4BXC9dkERFpi1yO8L8BXAtclPEVzPvM7A0zex24EPhrAHd/C3gKeBt4HrhF39Aprv7Tnyt1E0SkArT4tUx3fxmwLIN+fYRx7gbuzqNdIiJSYPqlrYhISijwRURSQoEvIpISCnwRkZRQ4IuIpIQCX0QkJRT4IiIpocAXEUkJBb6ISEoo8EVEUkKBL9IK+t8iqWQKfBGRlFDgi4ikhAJfRCQlFPh5UH+uiFQSBb6ISEoo8EVEUkKBLyKSEgp8EZGUUOCLiKSEAl9EJCUU+CIiKaHAFxFJCQW+iEhKKPBFRFJCgS8ikhIKfBGRlFDgi4ikRIuBb2Ynm9mLZva2mb1lZreH8uPMbLGZrQv3vUO5mdlPzWy9mb1uZmcXeyFERKRluRzhHwJ+4O4DgeHALWY2EJgOvODuA4AXwnOAS4AB4TYFmFXwVouISKu1GPjuvtndV4bHnwJrgL7AOGBuqDYXGB8ejwOe8Mi/A8ea2UkFb7mIiLRKq/rwzaw/MARYBvRx981h0MdAn/C4L/BhYrTaUJY5rSlmttzMlm/btq2VzRYRkdbKOfDNrBcwH7jD3Xcnh7m7A96aGbv7bHcf6u5Dq6qqWjOqiIi0QU6Bb2ZdicJ+nrv/KhRvibtqwv3WUL4JODkxer9QJiIiJZTLt3QMeAxY4+4PJgYtBCaFx5OAZxPlE8O3dYYDuxJdPyKSErrmc/npkkOdbwDXAm+Y2apQ9iPgHuApM7sBeB+4Ogz7NfBtYD2wF/heQVtcJrQzi0ilaTHw3f1lwJoZPCpLfQduybNdIiJSYPqlrYhISijwC0DdOyJSCRT4IiIpocAXEUkJBb6ISEoo8EVEUkKBL6miE+ySZgp8EZGUUOCLtBN9upBSU+CLiKSEAl9EpMwU69OgAl9EJCUU+CIiKaHAFxFJCQW+iEhKKPBFRFJCgS8ikhIKfBGRlFDgi4ikhAJf2kx/FSBSWRT4IiIpocAXEUkJBb6ISEoo8EVEUkKBLyKSEmUb+PoGiIhIYZVt4IuISGG1GPhm9riZbTWzNxNlM8xsk5mtCrdvJ4b9rZmtN7N3zGx0sRouIiKtk8sR/hxgTJbyh9y9Jtx+DWBmA4EJwFfDOI+YWedCNVZEXX0ibddi4Lv7EmBHjtMbB/zC3fe7+wZgPTAsj/aJiEiB5NOHf6uZvR66fHqHsr7Ah4k6taHsMGY2xcyWm9nybdu25dGMdNMRr4jkqq2BPws4FagBNgP/0NoJuPtsdx/q7kOrqqra2AwREclVmwLf3be4e5271wM/o7HbZhNwcqJqv1AmIm2gT3BSSG0KfDM7KfH0ciD+Bs9CYIKZdTOzamAA8Gp+TRQRkULo0lIFM3sSuAA4wcxqgZ8AF5hZDeDARuCvANz9LTN7CngbOATc4u51xWm6iIi0RouB7+7fyVL82BHq3w3cnU+jRESk8PRLWxGRlFDgi4ikhAJfRCQlFPgiIimhwM9C330unkpet5XcdhFQ4IuIpEaHCnwdgVUubTuR4utQgS8iIs1T4IuIpIQCX0QkJRT4IiIpkerAL9WJQp2gFJFSSHXgi7Q3vdlLKSnwRURSQoEvIpISFR34+ngsIrlSXlR44IuISO4U+CIiKaHAFxFJCQW+iEhKKPBFWpD2k33x8hdqPaR9fZaSAr+M6IUgIsWkwBcRSQkFvohISijwRaRDU1dpIwW+lJxekCLtQ4EvIpISLQa+mT1uZlvN7M1E2XFmttjM1oX73qHczOynZrbezF43s7OL2XgREcldLkf4c4AxGWXTgRfcfQDwQngOcAkwINymALMK00wREclXi4Hv7kuAHRnF44C54fFcYHyi/AmP/DtwrJmdVKjGipQDnXOQStXWPvw+7r45PP4Y6BMe9wU+TNSrDWUiIlJieZ+0dXcHvLXjmdkUM1tuZsu3bduWbzNEcqYjdEmrtgb+lrirJtxvDeWbgJMT9fqFssO4+2x3H+ruQ6uqqtrYDBERyVVbA38hMCk8ngQ8myifGL6tMxzYlej6ERFpNX0iK5wuLVUwsyeBC4ATzKwW+AlwD/CUmd0AvA9cHar/Gvg2sB7YC3yvCG0WEZE2aDHw3f07zQwalaWuA7fk2ygRESk8/dJWRCQlFPgi0qy09p931OVW4IuIpIQCvwIV+uijox7NiEhTCnwRkZRQ4IuIpIQCX0QkJRT4UtF0/kE6qmLs2wp8EZGUUOCLiKSEAl9EJCUU+CJSdHF/tM65lJYCX0QkJTpc4OsIQkQkuw4X+CIikp0CX0QkJRT40kDdYVIutC8WhwJfRCQlFPgiIimhwBcRSQkFvohISijwpaTScHIuDcvYXtp7XXa0q8sp8EWkqEodctJIgS8lUS4hUC7tkMNp2xSeAl9EJCUU+JJKOnrs2Eq5fct531Lgi4ikRJd8RjazjcCnQB1wyN2HmtlxwC+B/sBG4Gp335lfM0VEJF+FOMK/0N1r3H1oeD4deMHdBwAvhOciHUo5f2wvJ1pP5aUYXTrjgLnh8VxgfC4jacdof1rnIumSb+A78FszW2FmU0JZH3ffHB5/DPTJcx6SoJNRItJWefXhA990901mdiKw2MzWJge6u5uZZxsxvEFMATjllFOwPBsiIiJHltcRvrtvCvdbgQXAMGCLmZ0EEO63NjPubHcf6u5Dq6qqWj3vjna02dGWp6PR9oloPVS2Nge+mfU0s6Pjx8B/BN4EFgKTQrVJwLP5NlJEDpdv+OYzvoK/MuVzhN8HeNnMVgOvAs+5+/PAPcC3zGwdcHF4LgWmF5yItFabA9/d33P3weH2VXe/O5Rvd/dR7j7A3S929x2Fa66Uo9a++ejNStKgHPdz/dJWRCQH5RjgrVV2gd8RVqq0rzTtM2la1o6mlOdcYmUX+CIiUhwK/Awd/QiqueXr6MtdLO253uJ5Veq2qtR2l4NCrbsOEfjakdqX1ndl6j/9uTZvu460zct9WYrZvg4R+FJ65f4iKldab9KeFPgiFUBvDFIICvw26Egvvo60LJVG617amwJfRCQlyiLw39i0K+9p6GipNDrC/7GUSzuksPI5SV3INpSTsgh8EREpvrIK/EK9G+Yyncw65fZOLB2X9rXKkG07Vfq2K6vAL4XkBqz0jdnRVXL3UannL5G0b4fUB75UnnLom60k+jRb2QcLhVSWgd/eK7gjbdD2UonrrBLbnK80LrM0rywDPw3S+EJM4zIXQkfsS5bcFHo7K/BF2iitoZvW5W4PxV63CvwCKUUfoV54UkzlsH+Vog3F+ERVDusSFPgiIqmhwC+xQr7z5zotfWMhfSp9u1XyN7PKqd0KfKkIxXjRlNMLUaQ9KPDzVC7fcVZ4SVpoX287BX6Zaa+duSO8aDrCMqRVR992peiqzUXFB34l7ziV3HYRqTwVH/giIpIbBX4B6YhdclXqfaXU85fSUOCLiKSEAl9EJCWKFvhmNsbM3jGz9WY2vVjzERGR3BQl8M2sM/A/gUuAgcB3zGxgMeYlIiK5KdYR/jBgvbu/5+4HgF8A44o0LxERyYG5e+EnanYlMMbdbwzPrwW+7u63JupMAaaEp+cUvBEiIing7pZr3S7FbMiRuPtsYDaAmRX+XUdERJooVpfOJuDkxPN+oUxEREqkWIH/R2CAmVWb2VHABGBhkeYlIiI5KEqXjrsfMrNbgd8AnYHH3f2tI4xSD+TcDyUiIq1XlJO2IiJSfvRLWxGRlFDgi4ikhAJfRCQlSvI9fDO7BPhn4ETadrLW2zieiEhHUQcsdvdLch2h3U/amtlHwJdQYIuIFEI9cL67L2upYikCX18LEhEpsFz+YkF9+CIiKaHAFxFJCQW+iEhKlCLwnyjBPEVEUk8nbUVEKpsDe9z9iy1VVJeOiEhlM2B/ThV1hC8iUvn0tUwREWmgwBcRSQkFvohISpQi8J8twTxFRDoqB3bkUrEUJ23r0CcLEZGCKteTtgp7EZESUPiKiKSEAl9EJCVKEfiflGCeIiIdVc4nYksR+L8BngM2AZuBfUSX6nqP6MotsWKfTd6dpexguK/PMizmLQxvrVL+8ji5LPUFaosTbc+cfup9BIcynsftK+b6ymX69TS//eNhpf41+d7QjroSt6M5hdiO8b5biHVdBxwg2ueONN06Dt8vSyVuYx3RQfR/yWWkUgT+K8BpQDfg2HBfD/wlhbvsodO4YeKd6zMaXwQO7EkMj++7hsedaNzwB8M4WxLT75QxXvL+PmABsD3HtmYu80GaBsohGne0eB47yb7jHekFkK3ciJalHliT0ZY6YBuwi8Z1mPlCjV8onmh3HdCZaLsm55vrm+RHwKdZ2nIg0eZ6YGu4/TnLNA5kPHcaX9DJssw6AKvD/cPA9eF2MFGvU7h9lmUaEL3RxW2P96HmtkvmvhPbE6ZzfRj3ANGBEeS2Hj8LbYzbEe8/yX0oH8l2HwI+Ds8/Ido3s63bZNkBGl+HzU07Fi/v/ozn8b5rRPvLpizzi+eTKXPenYGjwrQt3DLX1S6iDMj1OuDxPOJ9pzXrPfM1Fi/LLuAHwArgRqJ1MjeUXZTblN3b9Qa8EW69gDeJds4dND2Ca+52oIXhdc2UHwz3f8oy7LOMevU0buxs03CiIHwnY/hN4f7zHJcl8zY8S1mu02muXub6SD5PrsvdWaZ3oJlpZFs3ydtbGesq262laTjRG1CyjZnL+HoL66IuY5xDWZ5nG39XxrSyLUtrtm9z+2Qu2/ODcN+HKPCPNP/6FobvC9NpbVua28a5bM9tBZpffcZ9fPuwmfW8KfG4NfviNJoeFNYfYd65trkQy51cruU03TcOhceHcsnfUnwP/3Oioz9dxFxEpEDK9Xv4BzOeZ378rgT59k+3lyN1YRRL+x5BFF/m/nqkLpVCntuR9lfI7VesfeHtcB/nZj1Rt2ZO8ytF4D8NLCPqxlkFLCb6aLaP6MX1UaiX/FhFM2WZJ3kzTxbGw3eE4X8OdeKTxPEJ4/hj3d7EtA4SrdQDNHbzEO5XEnUPJfvbP6Wxv92JuknirpFk++vCfPfT9CNbtuWNx838mEdi3B0c3l8IUdfSKho/0u5JLF8d0Y6zPzzeStO+zuR8k90q8XTj+70Z5X8m+uuMzJNb9WH+mf3ZB2lcZ9DYT+1E/cJraOxy252xnB8S9RnXEXXDxB/FP6Kx+2N7WEZPTDe+vUzj9o/bGNfZF6azl6j74oPEsrxH43b/JNSN+9jH01Tc7uU0rvvksOT2rMsyLDnO1nAfn3v6PKM+RPugA0vC8+T+EO/Le2n6Okm+Qe9N1Kuj6eshXveHaOyqiecRP86cZvy6Sq7nZJvibjbCfbJecvrxfvZRYlj82oqX5X2a7qdxm1fQ+FqrS0xnB9H++jnRNgbYSLStNhHtU3Emxe2I97O4nfFrI84IaHztxOc14PBtm3xtHMwYFu/70HT9x/vDPxK9JuaH6X5IY4a2qN27dDoqM/sK0BdY5u57EuVj3P350rVMcmVmvYHpwDjgxFC8BVgI3OPuO4swzzOBv0D7TYdnZvcBv3X332WUjwEedvcBRW+DAj9/ZnYbcAvREWkNcLu7PxuGrXT3s0vZPsmfmX3P3f+5wNO8DbgZWEsB9hszm+3uUwrZRmkfxdi/ss5HgZ8/M3sDOM/d95hZf+AZ4F/c/X+Y2WvuPqSkDZS8mdkH7n5KgafZ6v3GzI5rbnLAanfvV8g2Svsoxv6VTa7fKZUj6xR/HHf3jWZ2AfCMmf0l+jZSxTCz15sbRPSVxkJry36zjai/Ojncw/MTs44hZaEE+9dhFPiFscXMatx9FUA4YrsMeBz4WmmbJq3QBxhN9OOhJCP6wWChtWW/eQ8Y5e4fZA4ws5xO3EnJtPf+dRgFfmFMJOOXr+5+CJhoZv9UmiZJGywCesUBnGRmLxVhfm3Zb/470Jum3xyK3VfY5kmBtff+dRj14YtUGDMbBri7/9HMBgJjgLXu/usSN03KnAJfpIKY2U+AS4g+nS8Gvg68CHwL+I27313C5kmZU+CLVJDwzZ4aor8n+Rjo5+67zawH0Xf5zyppA6Ws6QIoIpXlkLvXufte4F133w3g7vGf9ok0S4EvUlkOmNkXwuNz4kIzOwYFvrRAXToiFcTMurn7YX/eZ2YnACe5+xslaJZUCAW+iEhKqEtHRCQlFPgiIimhwJfUMrMLzOz8Vo4zPvzYqVBtuMPMJobHc8xsg5mtMrPVZjYqS/0ZGc+/ZmZzCtUe6dgU+FLWzKxzkabbBbgAaFXgE13kpCCBH9pwPfDzRPEP3b0GuAN4NFH3m2a2DJhqZn+M3wzCSdp+Zlb0f1qUyqfAl5Iws/5mttbM5pnZGjN7Jv66oZltNLN7zWwlcJWZfcfM3jCzN83s3sQ09pjZQ2b2lpm9YGZVofxUM3vezFaY2dJwcZr4CPrREJxPAVOBvw5H1CPC0XXXUPeLyeeh7HxgLHB/GOdUM5scAni1mc1PLMOziSP3vzKzeVlWw0XAyvD/OZn+H9EFdWIPEl1k+1HgYmBdYti/ARNyXvmSWgp8KaUzgEfc/UyiSwHenBi2PVwAZAlwL1E41gDnmll8KcGewHJ3/yrwf4GfhPLZwPfd/Rzgb4BHEtPtB5zv7lcQhedD7l7j7kuBl4BLQ70JwK/cveESdO7+CtHVr34Yxnk31DnX3QcTXQDnhlB9CvB3ZjYC+AHw/SzL/w2iS/BlMwb434nnB4Cq0I5dGf+WuRwY0cx0RBoo8KWUPnT3P4TH/wp8MzHsl+H+XOAld98WjoTnASPDsPpEvX8FvmlmvYi6aZ42s1XAPwEnJab7tLsnrzGa9L+A74XH3wNyuQLRoPAp4g3gu8BXAdx9C/B3RP9z8wN335Fl3JOI/t8+6X4z+xNRN8+9ifIpwCTgNjN7MlwwJbaV6DKJIkekwJdSyvwRSPL5Z22cXifgk3AEHt/OzGW64c2nf7gQSWd3fzOHec4BbnX3rwF/D3RPDPsa0YXUmwvjzzPqQ/Tp4XTgvxL9L37ctrfd/T8Bs4ClwGOJcbrT9KLmIlkp8KWUTjGz88Lj/wy8nKXOq8B/MLMTwgnc7xB130C0/16ZHD/8t8wGM7sKwCKDm5n/p8DRGWVPEB1dN3d0nznO0cDm0Nf/3bgw/IXxJcAQ4G/MrDrLtNYApzUzn38EOpnZ6DC9QaH8ILAyow2nA7m8OUnKKfCllN4BbjGzNUQX9ZiVWcHdNwPTibpGVgMr4gt9Ex2tDzOzN4n6+P9bKP8ucIOZrQbeAsY1M/9/Ay6PT9qGsnmhLU82M84vgB+a2WtmdipwF7AM+APRxcgxs27Az4Dr3f0joj78x80s87KF/4fG7qnM5XZgJtGJWoCbzewVonMEjybKAS4EnmumvSIN9NcKUhKhD3qRuw9qoeqRprHH3XsVrFHRNK8Exrn7tYWc7hHmtwCY5u7rWqwc1Z/h7jMSz7sRfeL5ZjPf9hFpoEscigRm9jBRN8y323G204lO3uYU+IXxt00AAAA4SURBVETfJEo6BZiusJdc6AhfRCQl1IcvIpISCnwRkZRQ4IuIpIQCX0QkJRT4IiIpocAXEUmJ/w8KQSH7w3ZRpgAAAABJRU5ErkJggg==\n" + }, + "metadata": { + "needs_background": "light" + } + } + ] + }, + { + "cell_type": "markdown", + "source": [ + "# San Paulo" + ], + "metadata": { + "id": "rBg03SaTWY8b" + } + }, + { + "cell_type": "markdown", + "source": [ + "Sorting data city wise, with there features " + ], + "metadata": { + "id": "40_SqJiqVx5n" + } + }, + { + "cell_type": "code", + "source": [ + "san_paulo = data.loc[data['city'] == 'São Paulo']\n", + "print(san_paulo)" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "SNf-fjw1OGKq", + "outputId": "c8142885-c04b-47d9-c2a9-a1fd08ac3ebe" + }, + "execution_count": null, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + " city area rooms bathroom parking spaces floor animal \\\n", + "0 São Paulo 70 2 1 1 7 acept \n", + "1 São Paulo 320 4 4 0 20 acept \n", + "4 São Paulo 25 1 1 0 1 not acept \n", + "5 São Paulo 376 3 3 7 - acept \n", + "7 São Paulo 213 4 4 4 4 acept \n", + "... ... ... ... ... ... ... ... \n", + "10683 São Paulo 280 4 4 2 5 acept \n", + "10685 São Paulo 83 3 2 2 11 acept \n", + "10686 São Paulo 150 3 3 2 8 not acept \n", + "10688 São Paulo 285 4 4 4 17 acept \n", + "10691 São Paulo 80 2 1 0 - acept \n", + "\n", + " furniture hoa (R$) rent amount (R$) property tax (R$) \\\n", + "0 furnished 2065 3300 211 \n", + "1 not furnished 1200 4960 1750 \n", + "4 not furnished 0 800 25 \n", + "5 not furnished 0 8000 834 \n", + "7 not furnished 2254 3223 1735 \n", + "... ... ... ... ... \n", + "10683 not furnished 4200 4000 1042 \n", + "10685 not furnished 888 7521 221 \n", + "10686 furnished 0 13500 0 \n", + "10688 not furnished 3100 15000 973 \n", + "10691 not furnished 0 1400 165 \n", + "\n", + " fire insurance (R$) total (R$) \n", + "0 42 5618 \n", + "1 63 7973 \n", + "4 11 836 \n", + "5 121 8955 \n", + "7 41 7253 \n", + "... ... ... \n", + "10683 51 9293 \n", + "10685 96 8726 \n", + "10686 172 13670 \n", + "10688 191 19260 \n", + "10691 22 1587 \n", + "\n", + "[5887 rows x 13 columns]\n" + ] + } + ] + }, + { + "cell_type": "markdown", + "source": [ + "" + ], + "metadata": { + "id": "2lCxRtzA8P9J" + } + }, + { + "cell_type": "code", + "source": [ + "mean1 = san_paulo[['area','rooms','bathroom', 'floor', 'rent amount (R$)', 'property tax (R$)', 'fire insurance (R$)', 'total (R$)']].mean().fillna(0)\n", + "print(mean1)" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "G7Gee-vbOqLK", + "outputId": "179f4cf6-8af4-49cb-b62c-a3f85022f551" + }, + "execution_count": null, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "area 158.899439\n", + "rooms 2.558859\n", + "bathroom 2.467641\n", + "rent amount (R$) 4652.793783\n", + "property tax (R$) 495.701716\n", + "fire insurance (R$) 62.428911\n", + "total (R$) 6380.831833\n", + "dtype: float64\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "/usr/local/lib/python3.7/dist-packages/ipykernel_launcher.py:1: FutureWarning: Dropping of nuisance columns in DataFrame reductions (with 'numeric_only=None') is deprecated; in a future version this will raise TypeError. Select only valid columns before calling the reduction.\n", + " \"\"\"Entry point for launching an IPython kernel.\n" + ] + } + ] + }, + { + "cell_type": "markdown", + "source": [ + "# Porto Alegre" + ], + "metadata": { + "id": "SXlis_aCWViX" + } + }, + { + "cell_type": "code", + "source": [ + "porto_alegre = data.loc[data['city'] == 'Porto Alegre']\n", + "print(porto_alegre)" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "aSdac5HtQr-E", + "outputId": "18279c8e-8b02-429d-9d95-a14c3582bb2a" + }, + "execution_count": null, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + " city area rooms bathroom parking spaces floor animal \\\n", + "2 Porto Alegre 80 1 1 1 6 acept \n", + "3 Porto Alegre 51 2 1 0 2 acept \n", + "35 Porto Alegre 38 1 1 2 11 not acept \n", + "39 Porto Alegre 40 1 1 1 6 acept \n", + "47 Porto Alegre 42 1 1 2 2 acept \n", + "... ... ... ... ... ... ... ... \n", + "10645 Porto Alegre 400 4 2 2 15 acept \n", + "10673 Porto Alegre 220 3 2 2 15 acept \n", + "10676 Porto Alegre 40 1 1 0 1 acept \n", + "10682 Porto Alegre 160 3 2 3 4 acept \n", + "10687 Porto Alegre 63 2 1 1 5 not acept \n", + "\n", + " furniture hoa (R$) rent amount (R$) property tax (R$) \\\n", + "2 not furnished 1000 2800 0 \n", + "3 not furnished 270 1112 22 \n", + "35 not furnished 450 1750 0 \n", + "39 furnished 390 2990 0 \n", + "47 furnished 190 1770 17 \n", + "... ... ... ... ... \n", + "10645 furnished 2250 6300 500 \n", + "10673 not furnished 842 2400 117 \n", + "10676 not furnished 330 1200 159 \n", + "10682 furnished 850 3300 220 \n", + "10687 furnished 402 1478 24 \n", + "\n", + " fire insurance (R$) total (R$) \n", + "2 41 3841 \n", + "3 17 1421 \n", + "35 26 2226 \n", + "39 44 3424 \n", + "47 26 2003 \n", + "... ... ... \n", + "10645 92 9142 \n", + "10673 36 3395 \n", + "10676 18 1707 \n", + "10682 49 4419 \n", + "10687 22 1926 \n", + "\n", + "[1193 rows x 13 columns]\n" + ] + } + ] + }, + { + "cell_type": "code", + "source": [ + "mean2 = porto_alegre[['area','rooms','bathroom', 'floor', 'rent amount (R$)', 'property tax (R$)', 'fire insurance (R$)', 'total (R$)']].mean().fillna(0)\n", + "print(mean2)" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "45l8mg2VRYCR", + "outputId": "71907dfc-1688-42ad-807a-d90cf8da874a" + }, + "execution_count": null, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "area 103.609388\n", + "rooms 2.140821\n", + "bathroom 1.725901\n", + "rent amount (R$) 2337.699916\n", + "property tax (R$) 124.021794\n", + "fire insurance (R$) 36.425817\n", + "total (R$) 2989.782900\n", + "dtype: float64\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "/usr/local/lib/python3.7/dist-packages/ipykernel_launcher.py:1: FutureWarning: Dropping of nuisance columns in DataFrame reductions (with 'numeric_only=None') is deprecated; in a future version this will raise TypeError. Select only valid columns before calling the reduction.\n", + " \"\"\"Entry point for launching an IPython kernel.\n" + ] + } + ] + }, + { + "cell_type": "markdown", + "source": [ + " # Rio de Janeiro" + ], + "metadata": { + "id": "Nu5Aqh1rWQZj" + } + }, + { + "cell_type": "code", + "source": [ + "rio_de_janeiro = data.loc[data['city'] == 'Rio de Janeiro']\n", + "print(rio_de_janeiro)" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "dZoQK3MGRlgF", + "outputId": "db28dac6-a88c-4a3d-e4a0-052ffd8d010c" + }, + "execution_count": null, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + " city area rooms bathroom parking spaces floor animal \\\n", + "6 Rio de Janeiro 72 2 1 0 7 acept \n", + "9 Rio de Janeiro 35 1 1 0 2 acept \n", + "17 Rio de Janeiro 88 2 3 1 9 not acept \n", + "18 Rio de Janeiro 56 2 1 0 8 acept \n", + "24 Rio de Janeiro 90 3 2 1 7 acept \n", + "... ... ... ... ... ... ... ... \n", + "10674 Rio de Janeiro 135 4 2 1 - acept \n", + "10675 Rio de Janeiro 250 3 2 1 11 acept \n", + "10684 Rio de Janeiro 98 2 1 0 1 acept \n", + "10689 Rio de Janeiro 70 3 3 0 8 not acept \n", + "10690 Rio de Janeiro 120 2 2 2 8 acept \n", + "\n", + " furniture hoa (R$) rent amount (R$) property tax (R$) \\\n", + "6 not furnished 740 1900 85 \n", + "9 furnished 590 2300 35 \n", + "17 furnished 1614 3500 221 \n", + "18 not furnished 800 1220 0 \n", + "24 not furnished 800 1800 118 \n", + "... ... ... ... ... \n", + "10674 not furnished 0 3300 115 \n", + "10675 not furnished 2000 2700 500 \n", + "10684 not furnished 560 3900 184 \n", + "10689 furnished 980 6000 332 \n", + "10690 furnished 1585 12000 279 \n", + "\n", + " fire insurance (R$) total (R$) \n", + "6 25 2750 \n", + "9 30 2955 \n", + "17 16 5351 \n", + "18 16 2036 \n", + "24 24 2742 \n", + "... ... ... \n", + "10674 51 3466 \n", + "10675 35 5235 \n", + "10684 51 4695 \n", + "10689 78 7390 \n", + "10690 155 14020 \n", + "\n", + "[1501 rows x 13 columns]\n" + ] + } + ] + }, + { + "cell_type": "code", + "source": [ + "mean3 = rio_de_janeiro[['area','rooms','bathroom', 'floor', 'rent amount (R$)', 'property tax (R$)', 'fire insurance (R$)', 'total (R$)']].mean().fillna(0)\n", + "print(mean3)" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "WKWK86XoSkqu", + "outputId": "47a8d776-fcd9-4fa7-e626-6a3a5b3d8f34" + }, + "execution_count": null, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "area 105.347768\n", + "rooms 2.243837\n", + "bathroom 1.756163\n", + "rent amount (R$) 3232.904064\n", + "property tax (R$) 256.853431\n", + "fire insurance (R$) 42.483011\n", + "total (R$) 4611.684877\n", + "dtype: float64\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "/usr/local/lib/python3.7/dist-packages/ipykernel_launcher.py:1: FutureWarning: Dropping of nuisance columns in DataFrame reductions (with 'numeric_only=None') is deprecated; in a future version this will raise TypeError. Select only valid columns before calling the reduction.\n", + " \"\"\"Entry point for launching an IPython kernel.\n" + ] + } + ] + }, + { + "cell_type": "markdown", + "source": [ + "# Campinas" + ], + "metadata": { + "id": "L-bb1iMZWMzE" + } + }, + { + "cell_type": "code", + "source": [ + "Campinas = data.loc[data['city'] == 'Campinas']\n", + "print(Campinas)" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "gRAwuT7vS1WI", + "outputId": "ca2a1f4e-f320-4e60-fa7c-ab2da7eb275b" + }, + "execution_count": null, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + " city area rooms bathroom parking spaces floor animal \\\n", + "11 Campinas 46 1 1 1 10 acept \n", + "15 Campinas 330 4 6 6 - acept \n", + "28 Campinas 208 3 2 4 - acept \n", + "48 Campinas 250 3 3 2 1 acept \n", + "49 Campinas 48 1 1 1 2 acept \n", + "... ... ... ... ... ... ... ... \n", + "10625 Campinas 92 3 3 2 11 acept \n", + "10629 Campinas 83 2 2 2 1 acept \n", + "10656 Campinas 140 1 2 2 15 acept \n", + "10659 Campinas 150 3 2 4 - acept \n", + "10661 Campinas 250 1 2 2 - acept \n", + "\n", + " furniture hoa (R$) rent amount (R$) property tax (R$) \\\n", + "11 not furnished 550 580 43 \n", + "15 furnished 680 8000 328 \n", + "28 not furnished 0 3180 100 \n", + "48 not furnished 2200 1700 256 \n", + "49 furnished 505 1600 59 \n", + "... ... ... ... ... \n", + "10625 not furnished 780 1700 167 \n", + "10629 furnished 800 3700 234 \n", + "10656 not furnished 1462 5200 284 \n", + "10659 furnished 0 3500 186 \n", + "10661 not furnished 0 2200 602 \n", + "\n", + " fire insurance (R$) total (R$) \n", + "11 8 1181 \n", + "15 121 9129 \n", + "28 48 3328 \n", + "48 22 4178 \n", + "49 21 2185 \n", + "... ... ... \n", + "10625 22 2669 \n", + "10629 47 4781 \n", + "10656 66 7012 \n", + "10659 53 3739 \n", + "10661 34 2836 \n", + "\n", + "[853 rows x 13 columns]\n" + ] + } + ] + }, + { + "cell_type": "code", + "source": [ + "mean4 = Campinas[['area','rooms','bathroom', 'floor', 'rent amount (R$)', 'property tax (R$)', 'fire insurance (R$)', 'total (R$)']].mean().fillna(0)\n", + "print(mean4)" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "PzVNOFdWThzG", + "outputId": "d2249618-e46f-42e1-c43d-52ba31d190c7" + }, + "execution_count": null, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "area 137.561547\n", + "rooms 2.355217\n", + "bathroom 1.960141\n", + "rent amount (R$) 2364.290739\n", + "property tax (R$) 147.657679\n", + "fire insurance (R$) 32.388042\n", + "total (R$) 3173.276671\n", + "dtype: float64\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "/usr/local/lib/python3.7/dist-packages/ipykernel_launcher.py:1: FutureWarning: Dropping of nuisance columns in DataFrame reductions (with 'numeric_only=None') is deprecated; in a future version this will raise TypeError. Select only valid columns before calling the reduction.\n", + " \"\"\"Entry point for launching an IPython kernel.\n" + ] + } + ] + }, + { + "cell_type": "markdown", + "source": [ + "# Belo Horizonte" + ], + "metadata": { + "id": "ulIkJ74tWDq9" + } + }, + { + "cell_type": "code", + "source": [ + "belo_horizonte = data.loc[data['city'] == 'Belo Horizonte']\n", + "print(belo_horizonte)\n", + "mean5 = belo_horizonte[['area','rooms','bathroom', 'floor', 'rent amount (R$)', 'property tax (R$)', 'fire insurance (R$)', 'total (R$)']].mean().fillna(0)\n", + "print(mean5)" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "Ax-O87IvTwZK", + "outputId": "eb6320d1-f63d-47b8-9a50-9afa3d9cb06d" + }, + "execution_count": null, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + " city area rooms bathroom parking spaces floor animal \\\n", + "21 Belo Horizonte 42 1 1 1 17 not acept \n", + "27 Belo Horizonte 64 2 2 1 11 acept \n", + "37 Belo Horizonte 80 3 2 1 - acept \n", + "42 Belo Horizonte 200 4 2 1 7 not acept \n", + "43 Belo Horizonte 45 1 1 1 5 acept \n", + "... ... ... ... ... ... ... ... \n", + "10644 Belo Horizonte 65 2 1 1 1 acept \n", + "10648 Belo Horizonte 80 2 1 1 3 not acept \n", + "10651 Belo Horizonte 95 3 2 2 7 acept \n", + "10665 Belo Horizonte 55 2 1 1 2 not acept \n", + "10667 Belo Horizonte 75 2 1 1 3 not acept \n", + "\n", + " furniture hoa (R$) rent amount (R$) property tax (R$) \\\n", + "21 furnished 470 2690 172 \n", + "27 not furnished 352 1500 80 \n", + "37 not furnished 0 11000 425 \n", + "42 not furnished 850 2550 9 \n", + "43 not furnished 500 1631 192 \n", + "... ... ... ... ... \n", + "10644 not furnished 200 1100 70 \n", + "10648 not furnished 240 1200 67 \n", + "10651 not furnished 525 3100 219 \n", + "10665 furnished 200 1600 75 \n", + "10667 not furnished 180 1250 0 \n", + "\n", + " fire insurance (R$) total (R$) \n", + "21 36 3368 \n", + "27 20 1952 \n", + "37 181 11610 \n", + "42 34 3443 \n", + "43 12 2335 \n", + "... ... ... \n", + "10644 15 1385 \n", + "10648 16 1523 \n", + "10651 42 3886 \n", + "10665 22 1897 \n", + "10667 17 1447 \n", + "\n", + "[1258 rows x 13 columns]\n", + "area 207.411765\n", + "rooms 3.020668\n", + "bathroom 2.402226\n", + "rent amount (R$) 3664.127981\n", + "property tax (R$) 272.782194\n", + "fire insurance (R$) 53.675676\n", + "total (R$) 6315.242448\n", + "dtype: float64\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "/usr/local/lib/python3.7/dist-packages/ipykernel_launcher.py:3: FutureWarning: Dropping of nuisance columns in DataFrame reductions (with 'numeric_only=None') is deprecated; in a future version this will raise TypeError. Select only valid columns before calling the reduction.\n", + " This is separate from the ipykernel package so we can avoid doing imports until\n" + ] + } + ] + } + ] +} \ No newline at end of file diff --git a/Assignment/Assignment_2/House_prediction.csv b/Assignment/Assignment_2/House_prediction.csv new file mode 100644 index 0000000..f2b38a9 --- /dev/null +++ b/Assignment/Assignment_2/House_prediction.csv @@ -0,0 +1,10693 @@ +city,area,rooms,bathroom,parking spaces,floor,animal,furniture,hoa (R$),rent amount (R$),property tax (R$),fire insurance (R$),total (R$) +São Paulo,70,2,1,1,7,acept,furnished,2065,3300,211,42,5618 +São Paulo,320,4,4,0,20,acept,not furnished,1200,4960,1750,63,7973 +Porto Alegre,80,1,1,1,6,acept,not furnished,1000,2800,0,41,3841 +Porto Alegre,51,2,1,0,2,acept,not furnished,270,1112,22,17,1421 +São Paulo,25,1,1,0,1,not acept,not furnished,0,800,25,11,836 +São Paulo,376,3,3,7,-,acept,not furnished,0,8000,834,121,8955 +Rio de Janeiro,72,2,1,0,7,acept,not furnished,740,1900,85,25,2750 +São Paulo,213,4,4,4,4,acept,not furnished,2254,3223,1735,41,7253 +São Paulo,152,2,2,1,3,acept,furnished,1000,15000,250,191,16440 +Rio de Janeiro,35,1,1,0,2,acept,furnished,590,2300,35,30,2955 +São Paulo,26,1,1,0,2,acept,furnished,470,2100,150,27,2747 +Campinas,46,1,1,1,10,acept,not furnished,550,580,43,8,1181 +São Paulo,36,1,1,0,11,acept,not furnished,359,2100,70,27,2556 +São Paulo,55,1,1,1,2,acept,furnished,790,4200,224,54,5268 +São Paulo,100,2,2,2,24,acept,furnished,900,4370,17,56,5343 +Campinas,330,4,6,6,-,acept,furnished,680,8000,328,121,9129 +São Paulo,110,2,2,1,1,acept,not furnished,700,3000,122,39,3861 +Rio de Janeiro,88,2,3,1,9,not acept,furnished,1614,3500,221,16,5351 +Rio de Janeiro,56,2,1,0,8,acept,not furnished,800,1220,0,16,2036 +São Paulo,600,4,5,6,-,acept,not furnished,0,12000,9500,181,21680 +São Paulo,100,7,4,0,-,acept,not furnished,0,3800,118,58,3976 +Belo Horizonte,42,1,1,1,17,not acept,furnished,470,2690,172,36,3368 +São Paulo,160,3,2,2,18,acept,furnished,1530,1900,167,25,3622 +São Paulo,35,1,1,0,-,acept,not furnished,0,1100,3,14,1117 +Rio de Janeiro,90,3,2,1,7,acept,not furnished,800,1800,118,24,2742 +São Paulo,49,1,1,1,10,acept,not furnished,480,3500,42,45,4067 +São Paulo,41,1,1,1,5,not acept,furnished,600,3000,0,39,3639 +Belo Horizonte,64,2,2,1,11,acept,not furnished,352,1500,80,20,1952 +Campinas,208,3,2,4,-,acept,not furnished,0,3180,100,48,3328 +São Paulo,20,1,1,0,5,acept,furnished,602,1800,130,23,2555 +São Paulo,55,2,2,2,6,acept,not furnished,780,1068,142,14,2004 +São Paulo,32,1,1,0,3,acept,not furnished,515,1700,29,22,2266 +São Paulo,80,2,2,1,11,acept,not furnished,1208,2550,216,33,4007 +Rio de Janeiro,45,1,1,1,10,acept,furnished,2450,2500,593,33,5576 +São Paulo,350,4,4,3,8,acept,not furnished,2100,4000,500,51,6651 +Porto Alegre,38,1,1,2,11,not acept,not furnished,450,1750,0,26,2226 +São Paulo,30,1,1,0,1,acept,not furnished,460,1600,0,21,2081 +Belo Horizonte,80,3,2,1,-,acept,not furnished,0,11000,425,181,11610 +São Paulo,70,2,1,0,-,not acept,not furnished,0,1150,59,18,1227 +Porto Alegre,40,1,1,1,6,acept,furnished,390,2990,0,44,3424 +São Paulo,300,4,6,4,20,acept,not furnished,3700,12000,1584,153,17440 +São Paulo,240,3,2,3,-,acept,not furnished,0,3500,292,53,3845 +Belo Horizonte,200,4,2,1,7,not acept,not furnished,850,2550,9,34,3443 +Belo Horizonte,45,1,1,1,5,acept,not furnished,500,1631,192,12,2335 +São Paulo,360,4,5,0,1,acept,not furnished,4000,6410,2000,82,12490 +São Paulo,40,1,1,1,10,acept,furnished,978,2829,0,33,3840 +Belo Horizonte,100,3,1,0,13,not acept,not furnished,700,1220,10,17,1947 +Porto Alegre,42,1,1,2,2,acept,furnished,190,1770,17,26,2003 +Campinas,250,3,3,2,1,acept,not furnished,2200,1700,256,22,4178 +Campinas,48,1,1,1,2,acept,furnished,505,1600,59,21,2185 +Rio de Janeiro,90,3,3,1,10,acept,not furnished,1250,3800,147,49,5246 +São Paulo,45,1,2,1,15,acept,furnished,856,3900,150,50,4956 +Rio de Janeiro,150,2,3,4,6,acept,not furnished,1700,4000,700,52,6452 +São Paulo,60,2,1,0,2,acept,not furnished,200,1445,0,19,1664 +São Paulo,31,1,1,0,4,acept,not furnished,370,2350,56,30,2806 +São Paulo,210,4,5,4,4,not acept,not furnished,1650,9000,772,115,11540 +São Paulo,280,3,1,2,-,acept,not furnished,0,6000,113,91,6204 +Campinas,93,2,3,2,9,acept,not furnished,663,5500,133,70,6366 +Porto Alegre,75,3,2,1,9,acept,not furnished,340,1800,109,27,2276 +São Paulo,194,3,4,3,-,acept,not furnished,0,4000,70,61,4131 +São Paulo,41,1,1,1,6,acept,furnished,523,4000,131,51,4705 +Rio de Janeiro,65,1,1,1,8,acept,furnished,2000,5100,250,66,7416 +São Paulo,70,2,1,1,13,acept,not furnished,761,2150,67,28,3006 +São Paulo,278,4,5,2,16,acept,furnished,4052,9000,1261,115,14430 +Rio de Janeiro,35,1,1,0,5,acept,not furnished,306,1521,21,20,1868 +Campinas,300,4,4,3,2,acept,not furnished,2300,6000,417,77,8794 +São Paulo,61,2,1,1,4,acept,not furnished,459,1850,0,24,2333 +Rio de Janeiro,130,3,2,1,7,acept,not furnished,1660,1700,475,22,3857 +Rio de Janeiro,80,2,1,1,20,acept,not furnished,500,900,90,12,1502 +São Paulo,164,4,4,2,6,not acept,not furnished,2159,5000,386,64,7609 +Belo Horizonte,220,4,2,3,3,acept,not furnished,450,2422,125,33,3030 +São Paulo,45,1,1,0,-,acept,not furnished,0,1050,46,16,1112 +São Paulo,108,3,2,2,7,acept,not furnished,1290,5600,435,71,7396 +Belo Horizonte,128,1,1,0,4,acept,furnished,418,2100,182,28,2728 +Rio de Janeiro,60,1,1,0,10,not acept,not furnished,450,1800,48,24,2322 +São Paulo,250,4,5,4,6,acept,not furnished,2050,9800,998,125,12970 +Porto Alegre,47,1,1,1,1,not acept,furnished,400,2200,0,33,2633 +Belo Horizonte,170,4,3,4,9,not acept,not furnished,744,2700,296,36,3776 +São Paulo,45,1,1,0,1,not acept,not furnished,300,1240,0,16,1556 +São Paulo,42,1,1,1,15,acept,not furnished,686,3500,123,45,4354 +São Paulo,164,4,4,3,1,acept,not furnished,1840,6000,550,77,8467 +São Paulo,70,3,1,1,1,acept,not furnished,700,1020,200,13,1933 +Porto Alegre,100,4,3,1,8,acept,not furnished,600,2200,159,33,2992 +São Paulo,64,2,2,2,4,acept,furnished,1300,4500,440,58,6298 +Belo Horizonte,68,2,1,1,3,acept,not furnished,320,1200,27,16,1563 +Belo Horizonte,75,2,2,2,14,not acept,not furnished,620,2500,264,34,3418 +São Paulo,600,4,4,4,9,acept,not furnished,7400,8500,3368,108,19380 +São Paulo,63,2,2,0,15,not acept,not furnished,590,1550,152,20,2312 +São Paulo,145,3,4,3,1,not acept,not furnished,1200,6000,750,77,8027 +São Paulo,85,2,2,2,3,not acept,not furnished,1500,2800,292,36,4628 +São Paulo,254,4,4,4,7,acept,not furnished,3366,9000,1800,115,14280 +Porto Alegre,350,4,4,4,-,acept,furnished,1,9000,359,160,9520 +São Paulo,300,4,4,3,-,acept,not furnished,0,3500,584,53,4137 +Belo Horizonte,296,4,3,2,-,acept,not furnished,0,13500,423,222,14150 +São Paulo,64,2,2,2,8,acept,not furnished,450,2800,30,36,3316 +São Paulo,133,3,2,0,6,acept,not furnished,813,2957,38,38,3846 +Campinas,44,1,1,0,7,acept,not furnished,350,550,12,7,919 +Campinas,240,3,4,2,-,acept,not furnished,0,3000,250,46,3296 +Porto Alegre,70,3,2,1,4,acept,not furnished,490,2500,8,37,3035 +São Paulo,22,1,1,0,26,acept,not furnished,302,2050,45,26,2423 +Porto Alegre,50,1,1,1,1,acept,not furnished,350,950,50,14,1364 +Porto Alegre,67,3,2,2,4,acept,not furnished,600,2200,50,33,2883 +São Paulo,31,1,1,0,6,acept,furnished,430,2300,0,30,2760 +Rio de Janeiro,90,2,1,1,1,acept,furnished,850,3468,191,45,4554 +Rio de Janeiro,109,3,3,1,1,acept,not furnished,2000,3800,300,49,6149 +Belo Horizonte,400,4,2,2,-,not acept,not furnished,0,2500,74,41,2615 +São Paulo,300,4,5,4,-,acept,furnished,0,14000,1167,211,15380 +Campinas,284,4,3,3,4,acept,not furnished,2340,6000,483,77,8900 +Porto Alegre,70,2,1,1,3,acept,furnished,360,2400,30,36,2826 +Rio de Janeiro,309,4,5,4,7,acept,not furnished,2661,6500,682,84,9927 +São Paulo,70,2,1,0,-,acept,not furnished,0,2100,134,32,2266 +São Paulo,360,3,4,1,10,acept,not furnished,2300,10000,584,127,13010 +São Paulo,30,1,1,1,10,not acept,not furnished,886,1500,0,20,2406 +Campinas,80,2,2,2,11,acept,not furnished,832,2200,171,28,3231 +Belo Horizonte,133,4,4,3,6,not acept,not furnished,1500,7000,800,94,9394 +São Paulo,38,1,1,1,14,not acept,furnished,1620,2800,279,36,4735 +São Paulo,73,2,2,1,7,acept,not furnished,1100,3500,100,45,4745 +São Paulo,155,3,4,2,4,acept,not furnished,1500,2000,150,26,3676 +São Paulo,63,2,2,1,15,acept,not furnished,357,3200,50,41,3648 +São Paulo,58,2,1,1,1,acept,not furnished,0,1400,0,18,1418 +São Paulo,48,1,1,0,9,not acept,furnished,377,3450,0,44,3871 +São Paulo,210,3,4,3,7,acept,not furnished,1700,2790,834,36,5360 +Belo Horizonte,100,3,2,2,2,acept,not furnished,340,1600,183,22,2145 +São Paulo,94,3,2,2,1,acept,not furnished,1337,3570,140,46,5093 +São Paulo,94,3,3,2,3,acept,furnished,1220,5010,395,64,6689 +São Paulo,76,3,1,1,4,acept,not furnished,1200,2500,267,32,3999 +São Paulo,192,3,3,2,13,acept,not furnished,2100,7800,634,99,10630 +São Paulo,217,3,4,3,1,acept,not furnished,2884,6500,0,83,9467 +São Paulo,68,2,1,1,5,acept,not furnished,610,1400,35,18,2063 +São Paulo,110,3,2,2,2,acept,not furnished,1145,2400,247,31,3823 +Belo Horizonte,95,2,2,1,3,acept,not furnished,660,1600,164,22,2446 +São Paulo,900,4,6,8,-,acept,not furnished,0,15000,4417,226,19640 +São Paulo,34,1,1,0,5,not acept,not furnished,347,1200,45,16,1608 +São Paulo,192,3,4,3,5,acept,not furnished,2000,8000,0,102,10100 +Porto Alegre,62,2,2,1,9,acept,not furnished,350,1800,75,27,2252 +São Paulo,180,3,3,4,-,acept,not furnished,0,3700,184,56,3940 +Campinas,44,1,1,0,3,acept,furnished,350,916,12,12,1290 +Belo Horizonte,100,2,1,1,1,not acept,not furnished,250,1700,116,23,2089 +Rio de Janeiro,140,3,3,1,24,not acept,not furnished,900,1370,100,18,2388 +São Paulo,170,3,3,3,8,acept,furnished,1570,2800,648,36,5054 +São Paulo,100,3,2,2,-,not acept,not furnished,0,1600,150,25,1775 +São Paulo,75,3,2,2,4,acept,not furnished,652,1600,82,21,2355 +Rio de Janeiro,52,2,1,0,2,acept,not furnished,200,1200,43,16,1459 +Campinas,999,5,7,8,-,acept,not furnished,0,14000,667,211,14880 +São Paulo,270,4,4,4,8,acept,not furnished,2200,7000,1500,89,10790 +Belo Horizonte,50,2,1,1,1,acept,not furnished,160,930,60,13,1163 +Campinas,200,3,3,2,-,acept,not furnished,650,2210,184,34,3078 +São Paulo,71,2,2,0,16,acept,not furnished,430,1920,100,25,2475 +São Paulo,500,5,4,6,-,acept,not furnished,0,13000,250,196,13450 +São Paulo,60,2,1,0,-,acept,not furnished,0,1080,94,17,1191 +São Paulo,110,2,1,0,8,acept,not furnished,1100,1300,84,17,2501 +São Paulo,210,3,3,4,-,acept,not furnished,0,3294,276,50,3620 +São Paulo,220,3,4,3,8,acept,not furnished,2021,6000,996,77,9094 +Belo Horizonte,200,3,2,5,-,not acept,not furnished,0,4000,204,66,4270 +São Paulo,130,3,4,3,2,acept,not furnished,2300,4250,502,54,7106 +São Paulo,65,2,2,2,7,acept,furnished,1037,4000,245,51,5333 +São Paulo,96,3,2,2,17,acept,not furnished,804,3200,250,41,4295 +São Paulo,660,4,5,5,12,acept,furnished,4800,20000,1750,254,26800 +Rio de Janeiro,107,3,2,0,7,acept,furnished,1460,3200,270,42,4972 +Rio de Janeiro,105,3,2,0,1,acept,not furnished,740,2200,9,29,2978 +Rio de Janeiro,100,3,2,0,7,acept,not furnished,900,3290,109,43,4342 +São Paulo,287,3,4,4,-,acept,furnished,0,9000,430,136,9566 +Campinas,24,1,1,0,1,not acept,furnished,230,1180,9,15,1434 +São Paulo,22,1,1,0,-,not acept,not furnished,0,976,0,15,991 +São Paulo,70,1,1,1,-,not acept,not furnished,0,2529,142,39,2710 +Porto Alegre,44,1,1,1,2,acept,furnished,250,1500,17,22,1789 +São Paulo,150,3,2,2,-,not acept,not furnished,0,2500,0,38,2538 +São Paulo,90,1,2,2,9,acept,furnished,998,2900,220,37,4155 +São Paulo,200,4,4,2,8,acept,furnished,3000,2800,830,36,6666 +São Paulo,320,8,4,0,-,acept,not furnished,450,10500,350,158,11460 +Porto Alegre,90,2,1,1,2,not acept,not furnished,550,1700,110,25,2385 +São Paulo,240,4,4,3,9,acept,not furnished,2500,2144,834,28,5506 +São Paulo,154,4,3,3,21,acept,not furnished,1684,7000,1020,89,9793 +São Paulo,60,2,2,2,2,acept,not furnished,2340,3230,284,41,5895 +Campinas,101,3,2,0,5,acept,not furnished,780,2380,91,31,3282 +Porto Alegre,140,3,4,2,-,not acept,not furnished,0,3090,0,55,3145 +São Paulo,500,4,5,8,-,acept,not furnished,0,15000,1850,226,17080 +São Paulo,110,3,3,3,4,acept,not furnished,1195,2350,687,30,4262 +São Paulo,110,3,3,2,-,acept,not furnished,0,4800,50,73,4923 +Belo Horizonte,90,2,2,2,3,acept,not furnished,200,2000,84,27,2311 +São Paulo,384,4,6,4,3,not acept,furnished,3500,15000,344,191,19040 +São Paulo,57,2,1,1,7,acept,not furnished,570,1500,67,20,2157 +São Paulo,160,3,3,2,5,acept,furnished,1650,1500,419,20,3589 +São Paulo,39,1,1,0,8,acept,not furnished,330,1250,19,16,1615 +Campinas,78,1,2,1,4,acept,not furnished,0,2290,143,30,2463 +Porto Alegre,36,1,1,1,-,acept,not furnished,0,762,15,14,791 +Campinas,70,2,1,1,1,acept,not furnished,558,1200,0,16,1774 +Belo Horizonte,45,1,1,1,4,not acept,furnished,300,3200,0,43,3543 +São Paulo,200,3,4,3,1,acept,not furnished,3500,8500,1250,108,13360 +São Paulo,100,3,3,3,-,acept,not furnished,0,4300,120,65,4485 +São Paulo,42,1,1,1,14,not acept,not furnished,0,5000,0,64,5064 +São Paulo,280,4,4,1,1,acept,furnished,3000,8000,292,102,11390 +São Paulo,28,1,1,1,13,not acept,furnished,615,2800,42,36,3493 +São Paulo,30,1,1,0,-,not acept,furnished,296,1826,30,24,2176 +Belo Horizonte,85,3,2,1,1,acept,not furnished,337,1500,88,20,1945 +Campinas,83,1,1,1,4,not acept,not furnished,500,1080,59,14,1653 +Campinas,85,3,2,2,16,acept,furnished,550,3300,150,42,4042 +Belo Horizonte,90,3,2,2,3,acept,not furnished,325,1600,105,22,2052 +Belo Horizonte,50,2,1,0,5,acept,not furnished,0,900,100,12,1012 +Rio de Janeiro,50,1,1,0,8,acept,not furnished,600,2900,134,38,3672 +Belo Horizonte,300,3,2,3,-,not acept,not furnished,0,6700,539,110,7349 +Porto Alegre,39,1,1,0,7,acept,not furnished,350,850,27,13,1240 +São Paulo,750,4,4,6,-,acept,not furnished,0,15000,2084,226,17310 +Porto Alegre,60,2,1,0,1,acept,not furnished,222,1100,46,17,1385 +Rio de Janeiro,68,2,1,0,4,not acept,not furnished,750,1250,9,17,2026 +São Paulo,70,2,1,1,-,acept,not furnished,230,1250,50,16,1546 +São Paulo,90,2,2,1,6,acept,furnished,900,6500,89,83,7572 +Rio de Janeiro,258,5,6,0,-,acept,not furnished,0,8700,670,133,9503 +São Paulo,200,2,2,6,-,acept,not furnished,0,4500,292,68,4860 +São Paulo,123,2,2,2,6,acept,not furnished,1800,2990,625,38,5453 +São Paulo,127,3,2,2,-,acept,furnished,220,2150,67,33,2470 +Belo Horizonte,180,4,2,2,-,acept,not furnished,0,1800,210,30,2040 +São Paulo,110,3,2,0,-,not acept,not furnished,0,2900,384,44,3328 +Rio de Janeiro,70,2,2,1,7,acept,furnished,585,1719,77,23,2404 +São Paulo,35,1,1,1,8,acept,furnished,720,3000,130,39,3889 +São Paulo,219,3,2,2,-,acept,not furnished,0,2900,150,44,3094 +Rio de Janeiro,25,1,1,0,-,acept,not furnished,50,700,0,10,760 +Rio de Janeiro,170,4,5,0,10,acept,not furnished,1200,7100,639,92,9031 +Rio de Janeiro,45,1,1,0,8,acept,not furnished,900,1570,98,21,2589 +Belo Horizonte,420,4,4,2,-,not acept,not furnished,0,7000,200,115,7315 +Porto Alegre,46,1,1,0,4,acept,not furnished,0,1040,48,16,1104 +São Paulo,145,3,3,2,1,acept,furnished,1088,5800,250,74,7212 +Belo Horizonte,59,2,2,1,2,acept,not furnished,190,1100,59,15,1364 +Belo Horizonte,225,4,3,0,8,acept,not furnished,1850,7500,466,100,9916 +São Paulo,210,4,4,3,3,acept,not furnished,2270,4675,1110,60,8115 +Porto Alegre,76,1,1,0,-,acept,not furnished,209,1249,52,19,1529 +São Paulo,220,3,4,3,2,not acept,not furnished,2500,5150,1250,66,8966 +São Paulo,109,3,2,2,7,acept,not furnished,1746,2500,134,32,4412 +Belo Horizonte,95,2,1,1,3,acept,not furnished,646,1000,120,14,1780 +São Paulo,32,1,1,0,-,not acept,not furnished,280,1500,50,20,1850 +São Paulo,480,4,6,5,9,acept,not furnished,6660,15000,3063,191,24910 +São Paulo,53,1,1,1,3,acept,not furnished,694,4390,200,56,5340 +São Paulo,40,1,1,0,-,not acept,not furnished,0,780,17,12,809 +São Paulo,50,1,1,1,4,acept,furnished,500,3223,100,41,3864 +São Paulo,60,1,1,0,-,acept,not furnished,0,1300,255,20,1575 +Porto Alegre,64,2,2,2,7,not acept,not furnished,450,1500,50,22,2022 +Rio de Janeiro,140,3,3,2,4,acept,furnished,2280,12000,535,155,14970 +São Paulo,121,3,3,1,12,acept,not furnished,800,2040,334,26,3200 +Campinas,43,1,1,1,4,acept,furnished,498,2100,84,27,2709 +São Paulo,20,1,1,1,3,not acept,furnished,1700,1360,0,18,3078 +Campinas,58,2,1,1,3,acept,not furnished,289,950,11,13,1263 +Belo Horizonte,570,5,6,7,-,acept,furnished,0,8330,873,137,9340 +São Paulo,88,2,1,1,2,acept,not furnished,980,2790,0,36,3806 +São Paulo,89,3,2,2,19,acept,not furnished,900,6000,184,77,7161 +Porto Alegre,47,1,1,1,1,not acept,furnished,400,2200,0,33,2633 +São Paulo,40,1,1,0,-,acept,not furnished,0,1100,50,17,1167 +Rio de Janeiro,40,1,1,0,1,acept,furnished,386,1950,91,26,2453 +Rio de Janeiro,60,1,2,1,3,acept,not furnished,400,750,80,10,1240 +São Paulo,25,1,1,0,14,acept,not furnished,257,1650,0,21,1928 +Porto Alegre,50,2,1,0,13,acept,not furnished,340,1130,30,17,1517 +Porto Alegre,90,3,1,0,1,acept,not furnished,145,1130,55,17,1347 +São Paulo,173,3,3,3,2,acept,not furnished,3000,2000,825,26,5851 +Campinas,91,3,2,2,12,acept,not furnished,700,2250,175,29,3154 +São Paulo,90,3,2,2,6,not acept,not furnished,1710,1200,109,16,3035 +São Paulo,530,5,6,4,2,acept,furnished,8300,15000,5000,191,28490 +Belo Horizonte,155,1,4,0,4,not acept,not furnished,1117000,2790,64,38,1120000 +São Paulo,40,1,1,0,-,not acept,not furnished,0,1300,0,17,1317 +São Paulo,296,4,5,3,3,acept,not furnished,0,15000,0,191,15190 +São Paulo,87,3,2,1,17,acept,not furnished,850,1400,200,18,2468 +São Paulo,300,3,3,5,-,acept,not furnished,0,5000,584,76,5660 +São Paulo,136,3,3,3,13,acept,not furnished,1430,4206,364,54,6054 +São Paulo,52,2,1,0,4,acept,not furnished,0,1340,0,17,1357 +Porto Alegre,94,2,2,2,8,acept,not furnished,600,2900,230,43,3773 +Rio de Janeiro,300,4,5,3,7,acept,not furnished,3850,12750,750,165,17520 +Rio de Janeiro,100,3,3,1,3,acept,not furnished,850,3229,100,42,4221 +São Paulo,500,4,6,3,-,acept,not furnished,6466,7300,2536,110,16410 +São Paulo,240,3,4,3,3,acept,furnished,3600,4950,1000,63,9613 +Belo Horizonte,308,2,3,3,-,acept,not furnished,0,2000,171,33,2204 +São Paulo,350,4,5,4,15,acept,furnished,2700,4590,1334,59,8683 +São Paulo,75,2,2,0,2,acept,not furnished,570,1450,0,19,2039 +São Paulo,155,3,2,3,4,acept,furnished,2600,11700,667,149,15120 +São Paulo,260,3,5,4,12,acept,not furnished,2227,6000,1468,77,9772 +São Paulo,80,2,2,1,-,not acept,not furnished,0,1500,184,23,1707 +Rio de Janeiro,85,3,1,1,6,acept,not furnished,810,1998,87,26,2921 +São Paulo,120,2,2,2,22,not acept,furnished,1400,3500,375,45,5320 +São Paulo,100,2,2,1,-,acept,not furnished,0,1970,0,30,2000 +São Paulo,240,4,5,4,6,not acept,not furnished,1869,3500,717,45,6131 +São Paulo,360,7,6,6,-,acept,not furnished,0,5270,245,80,5595 +São Paulo,42,1,1,0,-,not acept,not furnished,0,1100,0,17,1117 +São Paulo,33,1,1,1,14,acept,furnished,600,2800,112,36,3548 +Rio de Janeiro,48,1,1,0,1,not acept,not furnished,626,1020,53,14,1713 +Rio de Janeiro,36,1,1,0,5,acept,not furnished,350,1130,42,15,1537 +São Paulo,270,6,3,6,-,acept,not furnished,0,4500,417,68,4985 +Campinas,75,2,1,1,2,acept,not furnished,670,1200,121,16,2007 +Rio de Janeiro,46,2,1,0,3,not acept,not furnished,270,1600,0,21,1891 +São Paulo,350,3,3,3,-,not acept,not furnished,0,10000,1292,151,11440 +Porto Alegre,131,3,3,1,10,acept,furnished,1625,1750,121,26,3522 +Campinas,90,3,2,1,3,acept,not furnished,920,1300,129,17,2366 +Rio de Janeiro,26,1,1,0,4,not acept,not furnished,390,1650,120,22,2182 +Rio de Janeiro,44,1,1,0,3,acept,furnished,400,1100,14,15,1529 +São Paulo,70,2,2,0,-,acept,not furnished,0,1880,0,29,1909 +Belo Horizonte,40,1,1,0,-,not acept,not furnished,0,900,0,15,915 +Belo Horizonte,320,4,2,4,-,acept,not furnished,0,3200,206,53,3459 +São Paulo,213,2,2,3,-,acept,not furnished,0,5150,0,78,5228 +São Paulo,80,2,1,0,1,not acept,not furnished,0,1100,0,14,1114 +Campinas,70,1,1,0,6,acept,not furnished,500,800,30,11,1341 +Rio de Janeiro,60,2,1,1,5,acept,not furnished,690,1500,25,20,2235 +São Paulo,270,4,4,4,5,acept,not furnished,4500,12850,1834,163,19350 +Rio de Janeiro,70,2,1,1,3,acept,not furnished,800,1300,44,17,2161 +Porto Alegre,300,6,2,2,-,acept,not furnished,0,6000,242,107,6349 +São Paulo,220,4,5,3,14,acept,furnished,2050,12000,750,153,14950 +Porto Alegre,64,2,2,2,7,acept,not furnished,450,1600,34,24,2108 +Rio de Janeiro,80,3,3,1,7,not acept,not furnished,1100,1470,0,19,2589 +São Paulo,56,1,1,0,9,acept,furnished,625,2500,81,32,3238 +São Paulo,161,4,3,2,1,acept,not furnished,1450,10000,467,127,12040 +São Paulo,35,1,1,0,-,acept,not furnished,350,1350,0,18,1718 +São Paulo,720,4,6,5,-,acept,furnished,0,12750,2613,192,15560 +São Paulo,280,4,5,4,6,not acept,not furnished,2500,3200,750,41,6491 +Porto Alegre,96,3,2,0,2,acept,not furnished,408,2100,84,31,2623 +Campinas,236,3,4,4,10,acept,not furnished,1600,11000,440,140,13180 +São Paulo,81,3,2,1,4,acept,not furnished,204,1510,0,20,1734 +São Paulo,62,2,1,1,1,acept,not furnished,580,1650,92,21,2343 +Belo Horizonte,125,3,2,0,2,acept,not furnished,150,1200,69,16,1435 +São Paulo,37,1,1,1,6,acept,furnished,890,4150,110,53,5203 +São Paulo,60,2,2,1,11,acept,not furnished,1680,4000,200,51,5931 +São Paulo,230,4,2,3,1,acept,not furnished,3600,5000,1551,64,10220 +São Paulo,210,4,5,2,1,acept,furnished,3800,8500,0,108,12410 +São Paulo,450,4,3,8,-,acept,not furnished,0,14000,175,211,14390 +São Paulo,234,3,5,4,-,acept,furnished,0,3680,400,56,4136 +Belo Horizonte,135,4,3,2,2,not acept,not furnished,868,2450,308,33,3659 +São Paulo,395,4,5,3,-,acept,not furnished,0,6000,122,91,6213 +Porto Alegre,92,2,2,1,2,acept,not furnished,450,1700,67,25,2242 +São Paulo,412,3,5,6,21,acept,not furnished,2000,3952,459,51,6462 +São Paulo,42,1,1,1,27,acept,not furnished,560,5300,100,68,6028 +São Paulo,33,1,1,0,12,not acept,furnished,385,3000,125,39,3549 +Porto Alegre,28,2,1,1,-,acept,not furnished,0,600,0,11,611 +São Paulo,190,4,4,2,-,not acept,not furnished,0,4450,223,67,4740 +São Paulo,165,4,3,3,10,acept,furnished,2440,6300,1292,80,10110 +Porto Alegre,44,1,1,0,5,acept,not furnished,355,1200,20,18,1593 +São Paulo,60,2,1,1,4,acept,not furnished,603,1275,109,17,2004 +São Paulo,380,3,3,2,1,acept,not furnished,3580,11000,1084,140,15800 +Rio de Janeiro,73,2,1,0,4,acept,not furnished,375,830,120,11,1336 +Belo Horizonte,19,1,1,0,5,acept,not furnished,620,1100,85,15,1820 +Campinas,230,3,5,4,6,acept,not furnished,1800,7500,0,96,9396 +Porto Alegre,37,1,1,1,2,acept,not furnished,500,2500,0,37,3037 +São Paulo,124,3,2,3,7,acept,not furnished,1450,6600,300,84,8434 +Rio de Janeiro,115,3,2,1,8,acept,furnished,1090,2680,114,35,3919 +Campinas,600,3,3,4,-,acept,not furnished,0,5500,384,83,5967 +Rio de Janeiro,700,5,5,4,-,acept,furnished,1380,15000,1667,229,18280 +Porto Alegre,35,1,1,0,1,acept,not furnished,100,815,17,12,944 +Belo Horizonte,15,1,1,0,3,not acept,furnished,0,1100,0,15,1115 +Campinas,80,3,2,1,2,acept,not furnished,570,1450,125,19,2164 +Porto Alegre,48,1,1,0,4,acept,not furnished,200,700,38,11,949 +Belo Horizonte,96,3,2,1,2,acept,not furnished,922,1500,137,20,2579 +São Paulo,150,3,2,1,7,acept,furnished,1843,6715,340,86,8984 +Belo Horizonte,105,3,2,2,2,not acept,not furnished,1681,3300,390,44,5415 +Belo Horizonte,204,4,4,4,22,not acept,furnished,2701,10000,760,134,13600 +Rio de Janeiro,125,3,1,2,11,acept,not furnished,1317,2600,170,33,4120 +Rio de Janeiro,50,2,1,0,3,not acept,not furnished,490,2300,50,30,2870 +São Paulo,250,3,4,3,-,not acept,not furnished,0,3740,234,57,4031 +São Paulo,300,3,4,3,7,acept,furnished,3000,2000,1250,26,6276 +São Paulo,80,2,1,1,-,acept,not furnished,0,1500,55,23,1578 +Rio de Janeiro,130,3,4,1,2,not acept,not furnished,1200,1400,334,19,2953 +São Paulo,120,2,3,0,2,acept,not furnished,904,3300,195,42,4441 +São Paulo,540,3,3,4,9,acept,not furnished,6200,15000,3500,191,24890 +São Paulo,23,1,1,0,23,acept,not furnished,392,2100,41,27,2560 +São Paulo,15,1,1,0,-,not acept,furnished,0,2500,0,32,2532 +São Paulo,72,1,2,2,19,acept,not furnished,900,4000,200,51,5151 +Rio de Janeiro,95,3,2,2,7,acept,not furnished,985,2300,122,30,3437 +São Paulo,330,4,5,4,13,acept,not furnished,2870,10000,1119,127,14120 +São Paulo,75,2,2,2,7,not acept,furnished,1600,6600,400,84,8684 +São Paulo,53,1,1,1,4,acept,not furnished,690,4398,200,56,5344 +São Paulo,178,3,2,1,2,not acept,not furnished,1200,1900,180,25,3305 +São Paulo,150,3,2,0,-,acept,not furnished,0,4000,24,61,4085 +São Paulo,50,2,1,1,4,acept,not furnished,520,1200,30,16,1766 +São Paulo,150,3,2,1,-,not acept,not furnished,0,2500,59,38,2597 +Porto Alegre,25,1,1,0,-,acept,furnished,286,984,11,15,1296 +São Paulo,210,3,4,4,13,not acept,not furnished,3150,12000,1155,153,16460 +Belo Horizonte,75,3,2,1,4,acept,not furnished,600,1500,75,20,2195 +Belo Horizonte,200,2,4,3,12,acept,not furnished,1897,15000,827,200,17920 +São Paulo,350,4,4,0,-,acept,not furnished,0,8000,989,121,9110 +Porto Alegre,49,2,1,1,7,acept,not furnished,360,1150,30,17,1557 +Porto Alegre,40,1,1,0,4,not acept,furnished,0,2000,0,30,2030 +São Paulo,45,1,1,1,2,not acept,furnished,1900,4200,350,54,6504 +São Paulo,46,1,1,1,8,not acept,furnished,900,7600,118,97,8715 +São Paulo,80,2,2,2,15,acept,not furnished,2000,11000,0,140,13140 +São Paulo,30,1,1,0,3,acept,furnished,400,2850,0,37,3287 +São Paulo,80,2,2,2,-,acept,not furnished,50,2200,173,34,2457 +Rio de Janeiro,105,2,2,1,10,acept,not furnished,1780,1530,134,20,3464 +Belo Horizonte,105,3,2,2,7,acept,not furnished,1170,2000,219,27,3416 +São Paulo,114,3,1,0,-,acept,not furnished,0,2570,150,39,2759 +São Paulo,200,3,3,4,-,acept,not furnished,0,7000,425,106,7531 +Porto Alegre,120,3,3,2,5,acept,not furnished,800,3000,167,44,4011 +São Paulo,60,2,2,1,11,acept,not furnished,647,4000,21,51,4719 +São Paulo,90,2,1,1,1,acept,not furnished,1000,3000,50,39,4089 +Rio de Janeiro,53,2,1,0,3,not acept,not furnished,535,1800,50,24,2409 +São Paulo,80,2,2,5,-,acept,not furnished,0,3000,59,46,3105 +Campinas,87,4,2,2,4,acept,not furnished,784,1600,106,21,2511 +Rio de Janeiro,110,3,1,1,1,acept,not furnished,557,5000,188,65,5810 +Belo Horizonte,113,4,2,1,3,acept,not furnished,1587,4000,429,54,6070 +São Paulo,170,3,2,2,5,not acept,not furnished,2199,5000,423,64,7686 +São Paulo,150,3,2,0,1,not acept,not furnished,700,3000,42,39,3781 +Porto Alegre,60,2,2,1,11,acept,not furnished,469,1500,51,22,2042 +Porto Alegre,43,1,1,0,4,not acept,furnished,290,2100,66,31,2487 +São Paulo,130,3,2,2,4,acept,furnished,800,3500,0,45,4345 +São Paulo,69,3,2,0,7,acept,furnished,650,1900,185,25,2760 +Campinas,306,3,2,2,-,acept,not furnished,0,2500,422,38,2960 +São Paulo,187,3,2,3,-,acept,not furnished,500,3500,193,53,4246 +São Paulo,385,3,4,3,-,acept,not furnished,0,9000,1500,136,10640 +São Paulo,355,4,4,3,-,acept,not furnished,0,7300,660,110,8070 +Porto Alegre,90,2,1,1,2,acept,not furnished,405,1100,380,17,1902 +São Paulo,190,3,4,4,-,acept,not furnished,0,5000,275,76,5351 +Campinas,181,2,1,2,-,acept,not furnished,0,1400,132,22,1554 +São Paulo,350,3,5,4,13,acept,not furnished,4000,3490,1750,45,9285 +Belo Horizonte,168,5,3,2,2,acept,not furnished,1443,2900,408,39,4790 +Rio de Janeiro,73,2,1,0,1,acept,not furnished,1600,2800,204,37,4641 +São Paulo,378,5,5,4,4,acept,not furnished,4000,3000,2000,39,9039 +Campinas,60,2,1,1,-,acept,not furnished,0,1300,180,20,1500 +Belo Horizonte,362,4,5,0,19,not acept,not furnished,4138,15000,1975,200,21310 +São Paulo,90,3,2,0,-,acept,not furnished,0,1700,136,26,1862 +Rio de Janeiro,42,1,1,0,4,not acept,furnished,500,1973,79,26,2578 +Rio de Janeiro,56,2,1,1,18,acept,not furnished,568,1000,88,13,1669 +São Paulo,16,1,1,0,1,not acept,not furnished,0,850,30,11,891 +São Paulo,90,2,2,2,15,not acept,furnished,1400,10000,0,127,11530 +Belo Horizonte,67,1,1,0,13,acept,not furnished,375,850,55,12,1292 +São Paulo,488,4,3,3,-,acept,not furnished,14130,6400,1214,82,21820 +Rio de Janeiro,30,1,1,0,10,acept,not furnished,850,1100,60,15,2025 +São Paulo,290,6,3,4,-,acept,not furnished,0,8000,1525,121,9646 +São Paulo,266,3,3,4,10,acept,not furnished,4700,6400,1500,82,12680 +Campinas,47,2,1,1,4,acept,not furnished,260,900,25,12,1197 +Rio de Janeiro,590,6,6,2,-,acept,furnished,750,8000,975,122,9847 +São Paulo,900,4,9,8,1,acept,not furnished,0,15000,5700,226,20930 +São Paulo,86,2,1,1,-,acept,not furnished,0,2200,110,34,2344 +São Paulo,290,3,3,2,-,acept,furnished,0,15000,1000,226,16230 +Porto Alegre,84,3,2,2,4,acept,not furnished,750,3300,100,49,4199 +São Paulo,160,3,1,2,-,acept,not furnished,0,5000,225,76,5301 +São Paulo,37,1,1,0,3,not acept,furnished,470,3500,127,45,4142 +Campinas,73,3,1,1,4,acept,not furnished,308,850,46,11,1215 +São Paulo,350,4,5,5,17,acept,furnished,2400,15000,2400,191,19990 +Rio de Janeiro,57,1,1,0,2,acept,not furnished,200,1100,10,15,1325 +Campinas,48,1,1,0,9,acept,not furnished,350,650,21,9,1030 +Rio de Janeiro,30,1,1,0,8,acept,not furnished,390,800,25,11,1226 +Campinas,198,6,3,4,-,acept,not furnished,0,2000,145,31,2176 +Porto Alegre,47,1,1,0,2,not acept,not furnished,300,1000,59,15,1374 +Porto Alegre,60,2,1,1,3,acept,not furnished,250,800,22,12,1084 +São Paulo,230,3,3,0,9,acept,furnished,1700,5000,109,64,6873 +Belo Horizonte,90,2,1,1,-,not acept,not furnished,0,1520,0,25,1545 +Rio de Janeiro,129,3,2,1,8,acept,furnished,1200,3255,167,42,4664 +São Paulo,240,4,4,4,22,acept,not furnished,1980,6672,417,85,9154 +Porto Alegre,55,1,1,0,14,acept,not furnished,700,1020,29,15,1764 +Porto Alegre,52,1,1,0,-,acept,not furnished,150,1200,42,18,1410 +São Paulo,250,3,4,3,8,acept,not furnished,1610,6000,1089,77,8776 +São Paulo,200,3,2,2,19,acept,not furnished,2573,10000,1121,127,13820 +Belo Horizonte,312,4,3,3,1,acept,not furnished,1498,2300,463,31,4292 +São Paulo,230,5,5,3,-,acept,not furnished,0,9900,620,149,10670 +São Paulo,72,2,2,2,9,acept,not furnished,750,2480,209,32,3471 +São Paulo,55,2,1,0,5,acept,furnished,620,2400,24,31,3075 +Rio de Janeiro,72,2,2,1,2,not acept,furnished,914,3600,133,47,4694 +São Paulo,50,2,1,0,-,acept,not furnished,0,1200,83,19,1302 +São Paulo,17,1,1,0,1,acept,not furnished,0,2700,5,35,2740 +Belo Horizonte,160,3,3,2,4,acept,not furnished,150,2400,263,32,2845 +São Paulo,214,4,4,3,5,acept,not furnished,2638,6520,1187,83,10430 +Rio de Janeiro,65,1,1,0,-,acept,not furnished,300,1800,30,24,2154 +São Paulo,136,3,2,1,10,not acept,furnished,1300,6500,267,47,8114 +Porto Alegre,70,2,2,1,6,acept,not furnished,440,1900,57,28,2425 +Porto Alegre,38,1,1,0,2,acept,not furnished,340,650,350,10,1350 +São Paulo,450,8,5,5,-,acept,not furnished,0,8000,1000,121,9121 +Rio de Janeiro,67,2,1,1,2,acept,not furnished,1217,2200,130,29,3576 +São Paulo,20,1,1,0,1,not acept,not furnished,0,1100,35,14,1149 +São Paulo,41,1,1,0,12,acept,not furnished,290,1530,60,20,1900 +São Paulo,50,2,1,1,7,acept,not furnished,500,1550,7,20,2077 +São Paulo,205,3,3,3,-,acept,not furnished,0,5525,575,84,6184 +São Paulo,100,3,2,1,-,acept,not furnished,0,3300,500,50,3850 +São Paulo,190,3,4,4,16,acept,furnished,2849,15000,1160,191,19200 +Belo Horizonte,45,2,1,0,-,acept,not furnished,0,1350,0,23,1373 +Campinas,57,1,1,1,2,acept,not furnished,605,800,66,11,1482 +Porto Alegre,88,1,2,2,3,acept,not furnished,340,1600,40,24,2004 +São Paulo,70,1,1,1,10,acept,furnished,459,3400,80,44,3983 +São Paulo,76,2,2,0,11,acept,furnished,646,2800,0,36,3482 +Rio de Janeiro,36,1,1,0,10,acept,not furnished,450,1370,29,18,1867 +Porto Alegre,61,2,2,2,11,acept,not furnished,445,2500,42,37,3024 +São Paulo,280,4,3,6,-,acept,furnished,0,12500,706,188,13390 +São Paulo,480,5,6,3,-,acept,not furnished,0,5000,1000,76,6076 +Campinas,45,1,1,1,17,acept,furnished,0,1950,0,25,1975 +São Paulo,42,1,1,0,9,acept,furnished,1290,1500,184,20,2994 +Porto Alegre,62,2,1,0,4,acept,not furnished,352,736,28,11,1127 +São Paulo,38,2,1,0,2,acept,not furnished,90,1500,0,20,1610 +São Paulo,44,1,1,1,8,not acept,furnished,578,2400,0,31,3009 +São Paulo,75,3,2,2,11,acept,not furnished,630,2800,167,36,3633 +Rio de Janeiro,66,2,1,1,2,acept,not furnished,650,1250,0,17,1917 +São Paulo,125,3,3,2,-,acept,not furnished,0,2800,38,43,2881 +Campinas,62,2,1,2,7,acept,not furnished,609,1500,90,20,2219 +São Paulo,77,2,1,1,5,acept,not furnished,1148,3100,464,40,4752 +São Paulo,136,2,4,2,7,acept,not furnished,1540,4800,242,61,6643 +São Paulo,200,4,2,1,5,acept,not furnished,2115,5000,328,64,7507 +São Paulo,35,1,1,0,1,not acept,not furnished,250,1305,0,17,1572 +São Paulo,250,4,3,2,-,acept,furnished,10,4500,100,68,4678 +São Paulo,90,2,2,2,-,acept,furnished,0,4100,0,62,4162 +Campinas,72,2,2,1,7,acept,not furnished,480,850,9,11,1350 +São Paulo,168,3,3,5,16,acept,not furnished,1675,3500,184,45,5404 +Porto Alegre,360,3,4,3,5,acept,furnished,4000,13200,500,193,17890 +Campinas,38,1,1,1,9,acept,not furnished,500,740,30,10,1280 +São Paulo,23,1,1,1,26,acept,not furnished,487,2300,59,30,2876 +Porto Alegre,440,3,3,3,7,not acept,not furnished,100,10500,84,154,10840 +São Paulo,120,3,3,2,9,acept,furnished,1200,3500,109,45,4854 +Rio de Janeiro,90,2,2,0,5,acept,not furnished,830,2500,84,33,3447 +Porto Alegre,125,4,2,0,7,acept,not furnished,1006,1632,150,14,2802 +São Paulo,200,3,4,3,6,acept,furnished,1800,5058,1200,65,8123 +São Paulo,190,3,3,2,5,acept,not furnished,1800,3260,292,42,5394 +Belo Horizonte,123,3,2,1,3,acept,not furnished,363,2600,143,35,3141 +Campinas,53,2,1,1,-,acept,not furnished,284,2000,41,26,2351 +Rio de Janeiro,70,2,1,1,2,acept,not furnished,560,2180,60,29,2829 +São Paulo,90,2,2,2,17,acept,furnished,1500,12200,454,155,14310 +São Paulo,95,3,2,0,-,acept,not furnished,0,1590,0,24,1614 +Campinas,74,3,1,1,4,acept,not furnished,474,900,40,12,1426 +São Paulo,64,1,1,1,15,not acept,not furnished,620,3600,0,46,4266 +São Paulo,155,4,5,3,14,not acept,not furnished,1850,6000,625,77,8552 +Rio de Janeiro,125,3,1,2,3,not acept,not furnished,1000,2200,159,29,3388 +São Paulo,40,1,1,1,9,acept,furnished,350,1580,25,21,1976 +Porto Alegre,350,3,2,4,-,acept,furnished,0,6522,492,116,7130 +Belo Horizonte,417,3,5,8,-,acept,not furnished,0,7650,450,126,8226 +Porto Alegre,350,4,4,4,-,acept,not furnished,0,6000,192,107,6299 +São Paulo,40,1,1,1,8,not acept,not furnished,440,2800,100,36,3376 +São Paulo,30,1,1,1,15,not acept,furnished,668,3500,127,45,4340 +São Paulo,142,3,4,2,4,acept,not furnished,1100,4500,375,58,6033 +Porto Alegre,110,3,3,2,5,acept,furnished,1300,4000,300,59,5659 +São Paulo,100,4,4,1,-,acept,not furnished,0,10000,9,151,10160 +São Paulo,377,5,4,3,-,acept,not furnished,0,8000,900,121,9021 +São Paulo,230,2,3,3,17,acept,furnished,2575,8000,633,102,11310 +São Paulo,35,1,1,0,5,not acept,furnished,450,1800,91,7,2348 +São Paulo,32,1,1,1,16,acept,not furnished,533,2900,0,37,3470 +São Paulo,74,2,1,1,5,acept,not furnished,569,2024,71,8,2672 +São Paulo,147,2,3,4,19,acept,not furnished,2600,1200,375,16,4191 +São Paulo,35,1,1,0,3,acept,furnished,480,2500,60,32,3072 +Rio de Janeiro,26,1,1,0,7,acept,furnished,630,1500,84,20,2234 +São Paulo,70,2,2,1,5,acept,furnished,517,1700,5,22,2244 +São Paulo,150,3,3,3,19,acept,furnished,1800,2800,740,36,5376 +São Paulo,200,3,3,2,-,acept,not furnished,0,8000,292,121,8413 +Campinas,60,1,1,1,14,acept,not furnished,583,1100,49,14,1746 +São Paulo,250,4,5,3,2,acept,not furnished,1700,2550,334,33,4617 +São Paulo,44,1,2,0,12,not acept,furnished,3300,3300,126,42,6768 +São Paulo,250,7,5,2,-,acept,furnished,0,6000,0,91,6091 +São Paulo,157,3,2,0,7,acept,not furnished,1325,4500,347,58,6230 +São Paulo,97,2,2,0,1,acept,not furnished,1200,5600,0,71,6871 +Belo Horizonte,548,4,7,6,17,acept,not furnished,5905,15000,2484,200,23590 +São Paulo,28,1,1,0,1,acept,not furnished,0,1325,0,17,1342 +São Paulo,250,3,4,0,1,acept,furnished,2000,10000,1667,127,13790 +Belo Horizonte,193,4,2,2,-,acept,not furnished,0,8900,255,146,9301 +Belo Horizonte,428,5,5,4,-,acept,furnished,0,9600,667,158,10430 +São Paulo,50,2,1,0,2,not acept,not furnished,200,950,0,13,1163 +São Paulo,135,2,3,2,5,not acept,not furnished,2000,12300,542,156,15000 +Rio de Janeiro,103,2,2,1,8,acept,not furnished,530,1600,221,21,2372 +Campinas,103,3,2,2,2,acept,not furnished,1500,1360,292,18,3170 +São Paulo,80,3,2,1,-,acept,not furnished,740,1500,150,20,2410 +São Paulo,160,3,3,2,10,acept,not furnished,1229,4000,390,51,5670 +São Paulo,238,4,3,4,24,acept,not furnished,2980,10200,1816,130,15130 +Belo Horizonte,500,7,4,4,-,acept,not furnished,0,5500,167,91,5758 +São Paulo,580,5,5,4,4,acept,not furnished,9900,15000,2200,191,27290 +São Paulo,80,1,1,0,-,acept,not furnished,0,1370,50,21,1441 +São Paulo,210,4,5,3,12,acept,furnished,2620,2975,1184,38,6817 +Porto Alegre,106,3,3,1,7,acept,not furnished,900,2250,186,33,3369 +Rio de Janeiro,30,1,1,0,11,acept,not furnished,500,1200,21,16,1737 +São Paulo,156,3,2,1,-,acept,not furnished,0,2000,147,31,2178 +São Paulo,60,1,1,1,-,acept,not furnished,0,1250,0,19,1269 +São Paulo,200,3,4,0,2,acept,not furnished,3672,3600,780,46,8098 +São Paulo,70,2,2,0,1,acept,not furnished,280,1000,138,13,1431 +São Paulo,177,4,5,4,5,acept,not furnished,1500,9200,959,117,11780 +São Paulo,103,3,3,2,-,acept,not furnished,735,2500,19,38,3292 +São Paulo,440,4,4,4,-,acept,not furnished,0,12000,2500,181,14680 +São Paulo,65,2,1,1,8,acept,furnished,600,1700,92,22,2414 +Belo Horizonte,260,5,3,3,12,acept,not furnished,2000,4000,487,54,6541 +São Paulo,200,4,4,6,-,acept,not furnished,0,4320,375,65,4760 +São Paulo,96,3,2,1,12,acept,not furnished,1122,3050,231,39,4442 +São Paulo,68,2,2,1,2,acept,furnished,690,2900,137,37,3764 +Belo Horizonte,300,5,5,5,-,not acept,not furnished,0,4500,450,74,5024 +São Paulo,34,1,1,0,2,acept,not furnished,305,750,27,10,1092 +Campinas,398,5,6,0,2,acept,not furnished,3500,8500,700,108,12810 +Belo Horizonte,100,1,1,0,1,acept,not furnished,0,2600,0,35,2635 +Belo Horizonte,176,4,5,3,6,acept,furnished,2136,6500,704,87,9427 +Belo Horizonte,90,2,2,2,4,not acept,furnished,500,4000,250,54,4804 +Belo Horizonte,680,7,6,8,-,acept,not furnished,0,8000,428,132,8560 +Belo Horizonte,220,4,3,0,9,acept,furnished,3000,15000,1138,200,19340 +São Paulo,110,2,2,2,-,not acept,not furnished,0,2120,174,32,2326 +São Paulo,180,3,2,1,2,acept,furnished,1260,5500,255,70,7085 +São Paulo,36,1,1,1,8,acept,not furnished,410,1800,93,8,2311 +Belo Horizonte,450,4,4,4,8,acept,not furnished,2394,12700,836,170,16100 +Rio de Janeiro,103,3,2,0,1,acept,not furnished,812,3300,336,43,4491 +Porto Alegre,101,2,2,2,5,acept,not furnished,480,1800,500,27,2807 +São Paulo,196,4,4,0,11,acept,not furnished,2450,6000,1458,77,9985 +Rio de Janeiro,28,1,1,0,-,acept,not furnished,495,1980,68,26,2569 +São Paulo,260,3,4,4,-,acept,not furnished,0,4500,0,68,4568 +São Paulo,330,4,2,5,-,acept,not furnished,0,1870,400,29,2299 +Rio de Janeiro,70,3,2,1,6,acept,not furnished,607,1189,96,16,1908 +Rio de Janeiro,33,1,1,0,3,acept,not furnished,500,1200,13,16,1729 +São Paulo,160,3,3,2,3,acept,not furnished,2200,10500,505,134,13340 +São Paulo,60,2,1,1,9,acept,not furnished,506,1350,42,18,1916 +São Paulo,36,1,1,1,1,acept,not furnished,130,1379,99,10,1618 +São Paulo,20,1,1,0,1,acept,furnished,0,2060,0,27,2087 +Porto Alegre,70,2,1,0,1,acept,not furnished,375,750,26,11,1162 +São Paulo,180,3,4,4,-,acept,furnished,0,4700,2,71,4773 +São Paulo,105,3,3,1,5,acept,not furnished,980,2150,0,28,3158 +São Paulo,275,4,5,4,1,acept,not furnished,4200,9700,1334,123,15360 +Belo Horizonte,450,2,2,5,-,acept,not furnished,0,1512,71,25,1608 +Campinas,360,4,6,4,-,acept,not furnished,864,7700,300,116,8980 +São Paulo,140,2,2,1,5,not acept,furnished,700,1900,150,25,2775 +São Paulo,900,3,5,8,-,acept,not furnished,0,8000,2250,121,10370 +Porto Alegre,152,3,5,3,9,acept,not furnished,1600,6000,321,88,8009 +São Paulo,280,3,4,3,-,acept,furnished,0,8000,500,121,8621 +São Paulo,230,4,4,3,5,not acept,not furnished,2564,2500,934,32,6030 +Campinas,92,3,2,3,6,acept,not furnished,700,2100,167,27,2994 +Belo Horizonte,58,1,1,1,-,acept,not furnished,0,1100,34,19,1153 +Campinas,41,2,1,1,5,not acept,not furnished,248,1193,0,16,1457 +São Paulo,206,4,4,3,10,acept,not furnished,1890,12000,917,153,14960 +Campinas,214,3,3,2,1,acept,not furnished,2016,5900,227,75,8218 +São Paulo,110,2,2,1,18,acept,not furnished,1286,1710,0,22,3018 +Belo Horizonte,100,2,1,0,-,acept,not furnished,0,777,25,13,815 +Belo Horizonte,80,2,2,1,4,acept,not furnished,250,1200,0,16,1466 +Belo Horizonte,311,3,4,3,20,not acept,not furnished,3075,13000,1753,174,18000 +São Paulo,200,2,3,2,1,acept,furnished,1700,15000,667,191,17560 +Campinas,96,3,2,2,10,acept,not furnished,800,3200,189,41,4230 +Rio de Janeiro,140,4,2,1,1,not acept,not furnished,1700,6000,380,78,8158 +São Paulo,138,3,3,2,17,acept,not furnished,1100,7070,382,90,8642 +São Paulo,140,3,3,1,6,acept,furnished,2200,3900,359,50,6509 +Rio de Janeiro,60,2,2,1,2,not acept,not furnished,592,1250,0,17,1859 +São Paulo,40,1,1,0,-,not acept,not furnished,0,600,34,10,644 +São Paulo,178,3,4,4,6,acept,furnished,2700,10200,667,130,13700 +São Paulo,140,3,3,2,-,acept,furnished,0,4900,25,74,4999 +São Paulo,72,2,1,0,1,acept,not furnished,864,1020,0,13,1897 +São Paulo,117,2,1,1,5,not acept,furnished,720,2700,11,35,3466 +São Paulo,35,1,1,1,1,acept,not furnished,0,977,30,13,1020 +Porto Alegre,42,1,1,0,1,acept,furnished,360,890,0,13,1263 +Belo Horizonte,29,1,1,0,1,acept,not furnished,0,1100,8,15,1123 +São Paulo,130,2,1,0,1,acept,not furnished,650,2150,9,28,2837 +Rio de Janeiro,100,3,2,1,4,acept,not furnished,2350,5000,333,65,7748 +Rio de Janeiro,39,1,1,0,4,acept,not furnished,450,609,44,8,1111 +São Paulo,61,1,1,0,9,not acept,not furnished,394,1600,0,21,2015 +Campinas,750,4,5,5,-,not acept,not furnished,0,10400,667,157,11220 +Belo Horizonte,142,4,3,2,3,acept,not furnished,900,2700,277,36,3913 +Campinas,650,4,4,8,-,acept,not furnished,0,7500,200,113,7813 +São Paulo,69,2,2,0,-,acept,not furnished,0,1700,73,26,1799 +São Paulo,100,2,2,4,-,acept,not furnished,0,2600,46,40,2686 +Belo Horizonte,300,4,2,2,3,acept,not furnished,1750,8000,500,107,10360 +São Paulo,190,3,4,3,14,acept,furnished,1700,2740,900,35,5375 +Rio de Janeiro,115,2,2,0,13,acept,not furnished,950,4500,2731,58,8239 +Campinas,119,3,1,1,5,acept,not furnished,926,1200,100,16,2242 +São Paulo,100,2,3,1,4,acept,furnished,1200,1890,42,24,3156 +São Paulo,55,2,1,1,3,acept,not furnished,400,1087,0,14,1501 +São Paulo,44,1,1,1,2,acept,furnished,724,3000,89,39,3852 +São Paulo,316,4,6,4,18,acept,furnished,4767,8000,1963,102,14830 +São Paulo,83,2,3,2,-,acept,not furnished,200,3500,167,53,3920 +Belo Horizonte,1000,5,7,8,-,acept,not furnished,0,14980,1904,246,17130 +São Paulo,150,3,2,1,8,acept,not furnished,1172,4800,0,61,6033 +São Paulo,53,2,1,1,7,acept,not furnished,450,4200,42,54,4746 +São Paulo,49,2,1,1,-,acept,not furnished,400,970,4,13,1387 +Campinas,185,3,3,2,6,acept,not furnished,1200,2200,100,28,3528 +Rio de Janeiro,40,1,1,0,-,acept,not furnished,0,1200,20,19,1239 +São Paulo,65,2,1,0,3,acept,not furnished,654,1140,9,15,1818 +São Paulo,67,3,2,1,10,not acept,not furnished,496,1560,72,20,2148 +São Paulo,46,1,1,1,9,acept,not furnished,500,2200,35,28,2763 +Campinas,205,3,2,1,2,acept,not furnished,950,2200,156,28,3334 +Porto Alegre,550,5,5,3,-,acept,not furnished,0,9000,500,160,9660 +Campinas,50,1,1,1,3,acept,not furnished,393,650,33,9,1085 +São Paulo,266,4,5,4,7,acept,not furnished,2900,10900,1167,139,15110 +Rio de Janeiro,280,3,2,2,10,acept,furnished,3140,8000,1126,104,12370 +São Paulo,1600,6,6,6,-,acept,furnished,0,7600,1834,115,9549 +São Paulo,70,1,1,0,4,acept,not furnished,760,2400,156,31,3347 +São Paulo,84,3,2,2,8,not acept,not furnished,700,2340,250,30,3320 +Belo Horizonte,40,1,1,0,3,not acept,not furnished,496,1000,116,14,1626 +Rio de Janeiro,117,3,2,1,7,acept,not furnished,750,4110,384,53,5297 +São Paulo,68,2,2,2,8,acept,furnished,1030,3430,236,44,4740 +Belo Horizonte,140,2,2,2,11,acept,furnished,692,2800,104,38,3634 +São Paulo,450,4,2,3,-,acept,not furnished,0,13000,1000,196,14200 +Porto Alegre,44,1,2,0,3,acept,not furnished,140,1350,100,20,1610 +São Paulo,40,1,1,1,3,acept,furnished,686,3200,52,41,3979 +São Paulo,70,1,2,1,1,acept,furnished,1300,8250,209,105,9864 +São Paulo,50,1,2,0,-,acept,not furnished,0,900,50,14,964 +Belo Horizonte,405,2,3,0,7,acept,not furnished,3500,4000,699,54,8253 +São Paulo,75,2,2,1,1,acept,not furnished,700,3160,165,41,4066 +Belo Horizonte,80,3,3,1,3,acept,not furnished,560,1501,0,20,2081 +São Paulo,450,4,5,6,-,acept,not furnished,0,12000,1334,181,13520 +São Paulo,225,4,5,4,10,acept,furnished,1600,7106,0,91,8797 +São Paulo,250,3,2,3,35,acept,furnished,2500,15000,1084,191,18780 +São Paulo,60,2,1,1,5,not acept,not furnished,965,2200,165,28,3358 +São Paulo,31,1,1,1,9,not acept,furnished,1500,3400,150,44,5094 +São Paulo,100,3,1,3,-,acept,not furnished,0,2000,164,31,2195 +Belo Horizonte,20,1,1,0,6,not acept,not furnished,420,1050,79,14,1563 +São Paulo,200,3,4,8,-,acept,not furnished,0,7000,25,106,7131 +Campinas,50,1,1,1,8,acept,not furnished,780,1690,62,22,2554 +São Paulo,61,3,2,2,15,acept,not furnished,712,2200,90,28,3030 +São Paulo,200,3,4,2,3,acept,not furnished,4475,9800,820,125,15220 +Belo Horizonte,100,2,2,0,-,acept,not furnished,0,11000,100,181,11280 +São Paulo,365,4,5,6,4,acept,not furnished,3722,13900,2588,177,20390 +São Paulo,38,1,1,0,13,acept,not furnished,414,3000,64,39,3517 +Rio de Janeiro,49,2,1,0,4,acept,not furnished,362,1350,58,18,1788 +São Paulo,207,3,5,4,6,acept,not furnished,2400,12000,934,153,15490 +Campinas,82,3,2,1,6,acept,not furnished,825,1500,142,20,2487 +São Paulo,400,5,4,3,-,acept,not furnished,0,4000,250,61,4311 +Rio de Janeiro,170,4,2,2,6,acept,not furnished,2420,9000,834,116,12370 +Porto Alegre,105,3,2,2,3,acept,furnished,370,2890,217,43,3520 +São Paulo,383,4,4,5,2,acept,not furnished,2189,3004,709,39,5941 +São Paulo,168,3,3,3,3,acept,not furnished,1605,2700,322,35,4662 +São Paulo,53,2,2,1,10,acept,furnished,1940,2400,389,31,4760 +Porto Alegre,320,4,3,2,-,acept,not furnished,0,4500,125,80,4705 +São Paulo,300,3,4,3,18,acept,not furnished,3500,9900,834,126,14360 +Campinas,100,3,2,3,-,acept,not furnished,0,2200,0,34,2234 +São Paulo,40,1,1,0,-,acept,not furnished,0,900,80,12,992 +São Paulo,180,3,1,0,-,acept,not furnished,0,2500,334,38,2872 +São Paulo,257,4,5,4,8,acept,furnished,2730,7500,1107,96,11430 +São Paulo,178,2,4,2,2,acept,not furnished,2300,7000,891,89,10280 +São Paulo,179,3,3,0,9,not acept,furnished,1828,12000,472,153,14450 +Porto Alegre,64,2,1,0,1,acept,not furnished,300,1750,42,26,2118 +Porto Alegre,60,2,1,0,1,acept,not furnished,326,990,25,15,1356 +São Paulo,55,1,1,1,11,not acept,not furnished,696,2200,148,28,3072 +São Paulo,50,1,1,0,8,not acept,not furnished,470,1970,0,25,2465 +São Paulo,82,3,2,2,19,not acept,not furnished,470,1994,0,26,2490 +Rio de Janeiro,60,1,1,1,7,acept,not furnished,650,1210,106,16,1982 +Porto Alegre,40,1,1,1,9,not acept,furnished,1300,1200,68,18,2586 +Campinas,230,4,4,8,-,acept,not furnished,0,5100,320,77,5497 +São Paulo,73,2,1,1,2,acept,not furnished,680,1300,20,17,2017 +São Paulo,79,2,2,1,1,acept,furnished,600,2000,75,26,2701 +São Paulo,230,3,4,2,3,acept,not furnished,2000,4800,292,61,7153 +Rio de Janeiro,214,3,3,3,4,acept,not furnished,3575,14000,1050,181,18810 +São Paulo,120,2,1,0,-,acept,not furnished,0,1500,90,23,1613 +São Paulo,200,4,2,1,-,not acept,not furnished,0,2500,334,38,2872 +Porto Alegre,85,3,2,2,9,not acept,furnished,940,3300,102,49,4391 +São Paulo,45,1,1,1,1,not acept,furnished,3000,5520,0,70,8590 +Porto Alegre,30,1,1,0,4,acept,not furnished,198,755,22,12,987 +São Paulo,57,2,2,1,3,acept,not furnished,476,2300,0,30,2806 +São Paulo,500,4,7,3,-,acept,not furnished,0,15000,2500,226,17730 +São Paulo,322,4,5,5,17,acept,furnished,2700,15000,1875,191,19770 +São Paulo,20,1,1,0,3,not acept,not furnished,224,1530,0,20,1774 +Porto Alegre,100,2,2,1,-,not acept,not furnished,0,1346,0,24,1370 +São Paulo,620,4,6,4,1,acept,not furnished,8133,15000,4520,191,27840 +Porto Alegre,240,4,3,5,-,acept,not furnished,0,2500,120,45,2665 +São Paulo,95,3,2,2,10,acept,not furnished,900,7000,142,89,8131 +São Paulo,35,1,1,1,6,acept,not furnished,542,2100,99,27,2768 +Belo Horizonte,325,5,4,7,-,acept,furnished,0,8900,417,146,9463 +São Paulo,58,3,1,1,1,acept,furnished,456,2800,21,36,3313 +São Paulo,200,4,4,3,6,not acept,not furnished,1400,9000,1000,115,11520 +São Paulo,92,3,2,2,2,acept,not furnished,1407,1100,250,14,2771 +Belo Horizonte,65,2,1,1,9,acept,not furnished,450,1545,94,7,2096 +Campinas,57,2,1,0,2,acept,not furnished,378,800,31,11,1220 +São Paulo,50,2,1,1,2,acept,not furnished,400,1600,0,21,2021 +São Paulo,165,4,5,2,4,acept,furnished,2500,9500,315,121,12440 +Rio de Janeiro,70,2,1,1,6,acept,not furnished,900,1900,122,25,2947 +São Paulo,230,4,3,1,1,not acept,not furnished,2400,4000,513,51,6964 +Rio de Janeiro,34,1,1,0,3,not acept,furnished,820,2000,114,26,2960 +Rio de Janeiro,25,1,1,0,-,not acept,not furnished,0,660,0,11,671 +São Paulo,50,2,1,1,2,acept,not furnished,0,1800,0,23,1823 +Porto Alegre,120,3,2,2,2,acept,furnished,700,2975,155,44,3874 +Porto Alegre,60,2,1,1,-,acept,not furnished,0,1400,96,25,1521 +São Paulo,67,2,2,1,8,acept,not furnished,980,2240,215,29,3464 +São Paulo,22,1,1,0,26,acept,not furnished,384,2100,40,27,2551 +São Paulo,197,3,1,2,-,acept,not furnished,0,2100,290,32,2422 +Porto Alegre,105,3,3,1,3,acept,furnished,1300,2300,130,34,3764 +São Paulo,80,2,2,1,-,not acept,not furnished,0,1556,0,8,1564 +Belo Horizonte,140,4,2,2,5,not acept,not furnished,820,2500,253,34,3607 +Rio de Janeiro,70,2,2,1,9,acept,not furnished,1200,4000,184,52,5436 +Porto Alegre,383,5,5,4,-,acept,not furnished,0,10000,250,178,10430 +São Paulo,172,3,4,3,5,acept,not furnished,1650,9000,900,115,11670 +Porto Alegre,57,2,2,1,6,not acept,not furnished,425,1800,75,27,2327 +São Paulo,32,1,1,1,23,acept,not furnished,1800,2000,416,26,4242 +Belo Horizonte,341,10,6,7,-,acept,not furnished,0,5500,459,91,6050 +Belo Horizonte,600,5,6,8,-,acept,furnished,0,10500,642,173,11320 +São Paulo,43,2,1,1,13,not acept,not furnished,307,2000,18,26,2351 +Campinas,98,3,2,1,1,acept,not furnished,727,1233,84,16,2060 +São Paulo,36,2,1,0,6,acept,not furnished,590,1790,0,23,2403 +Rio de Janeiro,42,1,1,0,4,acept,furnished,500,2800,79,37,3416 +Campinas,120,3,3,3,8,not acept,not furnished,700,2700,167,35,3602 +Rio de Janeiro,78,2,2,1,8,acept,not furnished,720,1400,290,19,2429 +São Paulo,113,3,4,2,7,acept,not furnished,1600,4000,591,51,6242 +São Paulo,47,2,1,1,1,not acept,not furnished,560,1390,0,18,1968 +São Paulo,60,2,2,1,5,acept,not furnished,478,1300,0,17,1795 +Porto Alegre,77,2,1,0,1,not acept,not furnished,0,1130,25,17,1172 +Porto Alegre,75,2,2,1,3,acept,not furnished,200,1500,142,22,1864 +São Paulo,60,3,1,1,3,acept,not furnished,470,1550,0,20,2040 +São Paulo,240,3,4,3,9,acept,not furnished,2100,5800,825,74,8799 +São Paulo,48,1,1,1,4,acept,not furnished,633,3400,114,44,4191 +Belo Horizonte,70,3,1,1,8,acept,not furnished,395,1300,71,18,1784 +Belo Horizonte,345,3,3,0,-,not acept,furnished,0,3500,150,58,3708 +São Paulo,250,4,2,3,2,not acept,furnished,3000,15000,100,191,18290 +São Paulo,158,4,4,3,4,acept,furnished,1990,3500,589,45,6124 +Porto Alegre,55,2,1,1,-,acept,furnished,0,1300,34,24,1358 +Rio de Janeiro,80,2,1,1,17,acept,not furnished,866,1820,235,24,2945 +Porto Alegre,42,1,1,1,11,acept,not furnished,500,2200,50,33,2783 +São Paulo,80,3,3,2,20,acept,not furnished,600,4450,242,57,5349 +São Paulo,50,1,1,0,1,acept,not furnished,519,1550,28,20,2117 +Rio de Janeiro,380,4,3,2,9,acept,not furnished,3220,15000,1348,194,19760 +São Paulo,85,2,2,1,6,acept,furnished,1200,5300,67,68,6635 +Belo Horizonte,120,4,3,2,1,acept,not furnished,0,3250,0,44,3294 +São Paulo,214,4,5,4,6,acept,not furnished,2235,3251,1026,42,6554 +São Paulo,277,4,4,6,5,acept,not furnished,4200,3800,1947,49,9996 +Campinas,50,2,1,1,4,acept,not furnished,330,1080,0,14,1424 +Belo Horizonte,90,3,2,2,2,not acept,not furnished,530,2000,159,27,2716 +São Paulo,287,4,5,2,-,acept,furnished,0,6000,317,91,6408 +São Paulo,11,1,1,0,1,not acept,furnished,300,2000,42,26,2368 +Porto Alegre,62,2,1,1,7,not acept,not furnished,485,1620,54,24,2183 +São Paulo,45,1,1,1,7,not acept,furnished,522,3100,120,40,3782 +Porto Alegre,80,2,1,1,1,acept,not furnished,200,1650,70,25,1945 +São Paulo,115,3,3,2,5,not acept,not furnished,1000,4890,234,62,6186 +Porto Alegre,110,2,2,1,3,acept,furnished,600,1800,152,27,2579 +São Paulo,162,3,3,2,4,acept,not furnished,1756,7000,367,89,9212 +Rio de Janeiro,85,3,2,1,4,acept,not furnished,1250,1800,306,24,3380 +Belo Horizonte,105,4,3,3,5,acept,not furnished,1148,1900,228,26,3302 +São Paulo,180,2,2,5,-,acept,not furnished,1,3000,1,46,3048 +Rio de Janeiro,80,2,1,0,9,acept,not furnished,330,831,159,11,1331 +São Paulo,56,2,1,1,6,acept,not furnished,680,2200,11,28,2919 +São Paulo,70,2,1,1,15,acept,not furnished,1049,1200,35,16,2300 +Rio de Janeiro,70,1,2,1,6,not acept,not furnished,1100,1200,85,16,2401 +Belo Horizonte,75,3,1,1,4,not acept,not furnished,482,1000,145,14,1641 +São Paulo,420,4,6,4,-,acept,not furnished,300,6500,417,98,7315 +São Paulo,279,3,3,8,-,acept,furnished,0,3500,182,53,3735 +São Paulo,160,4,4,2,-,acept,not furnished,0,2400,0,37,2437 +São Paulo,41,1,1,0,-,acept,not furnished,250,1100,0,14,1364 +São Paulo,97,2,2,2,3,acept,not furnished,1400,2200,42,28,3670 +Porto Alegre,40,1,1,1,7,acept,furnished,400,1400,36,21,1857 +São Paulo,110,3,2,1,5,acept,furnished,1217,3600,215,46,5078 +Belo Horizonte,298,4,3,2,3,acept,furnished,330,2500,300,34,3164 +Belo Horizonte,87,4,2,2,2,acept,not furnished,370,1600,160,22,2152 +São Paulo,150,5,5,4,3,not acept,furnished,1800,3700,917,47,6464 +São Paulo,113,3,2,2,8,acept,not furnished,1750,2975,359,38,5122 +Belo Horizonte,293,6,2,3,-,acept,not furnished,0,2600,138,43,2781 +São Paulo,90,3,2,2,1,acept,not furnished,1017,2000,165,26,3208 +Belo Horizonte,305,4,3,3,14,acept,not furnished,2500,9000,660,120,12280 +Campinas,50,2,1,1,-,not acept,not furnished,0,1040,277,14,1331 +São Paulo,150,3,3,2,-,acept,not furnished,0,3300,135,50,3485 +Porto Alegre,367,3,4,4,8,not acept,not furnished,7000,15000,1032,220,23250 +Rio de Janeiro,50,2,1,0,9,acept,furnished,505,2350,64,31,2950 +São Paulo,230,3,4,3,7,not acept,not furnished,3200,8000,1167,102,12470 +São Paulo,125,3,3,1,6,acept,furnished,1600,5500,247,70,7417 +Rio de Janeiro,140,3,2,1,4,acept,not furnished,1100,1350,95,18,2563 +São Paulo,63,3,2,0,18,acept,not furnished,550,1800,0,23,2373 +São Paulo,110,2,1,1,21,acept,not furnished,975,3300,234,42,4551 +São Paulo,54,2,1,1,13,acept,not furnished,480,1610,0,21,2111 +Porto Alegre,67,2,1,0,3,acept,not furnished,330,1523,50,23,1926 +São Paulo,296,3,4,4,2,acept,not furnished,1860,8864,0,113,10840 +Belo Horizonte,70,2,1,1,-,acept,not furnished,0,1000,75,17,1092 +São Paulo,50,2,1,0,-,not acept,not furnished,50,1100,0,17,1167 +São Paulo,160,3,2,4,-,not acept,not furnished,0,3500,0,53,3553 +São Paulo,60,2,2,1,14,not acept,not furnished,460,2200,20,28,2708 +São Paulo,220,3,4,3,12,acept,furnished,3120,8000,1034,102,12260 +São Paulo,340,4,3,8,-,acept,not furnished,0,13000,1167,196,14360 +São Paulo,52,2,1,0,1,not acept,not furnished,50,1150,34,15,1249 +Belo Horizonte,50,2,1,1,1,acept,not furnished,100,915,63,13,1091 +Belo Horizonte,60,2,1,0,3,acept,not furnished,290,2200,80,30,2600 +São Paulo,125,3,3,3,-,acept,not furnished,100,2450,15,37,2602 +São Paulo,36,2,1,0,-,not acept,not furnished,0,1080,0,17,1097 +Belo Horizonte,100,3,2,1,5,acept,not furnished,730,1500,120,20,2370 +São Paulo,550,4,7,3,-,acept,furnished,0,11500,1650,173,13320 +São Paulo,60,3,1,2,4,not acept,not furnished,383,1105,0,14,1502 +Campinas,48,1,1,0,4,not acept,not furnished,490,500,17,7,1014 +São Paulo,164,3,3,1,3,acept,furnished,1795,9000,210,115,11120 +Belo Horizonte,90,3,2,1,2,acept,not furnished,280,1200,100,16,1596 +Porto Alegre,78,3,2,1,4,acept,not furnished,450,2800,75,41,3366 +São Paulo,44,2,1,0,1,acept,not furnished,260,1125,0,15,1400 +Belo Horizonte,180,3,3,2,1,acept,not furnished,1500,2950,267,40,4757 +Campinas,82,3,2,1,1,acept,not furnished,650,1200,100,16,1966 +São Paulo,49,1,1,1,7,acept,furnished,830,2900,139,37,3906 +São Paulo,400,5,4,5,-,not acept,not furnished,0,13970,417,210,14590 +São Paulo,74,2,3,2,26,acept,not furnished,450,3200,40,41,3731 +São Paulo,110,2,1,1,-,acept,not furnished,0,1500,163,23,1686 +São Paulo,58,1,1,1,1,acept,furnished,475,3500,70,45,4090 +Rio de Janeiro,23,1,1,0,5,not acept,not furnished,320,1540,0,20,1880 +Rio de Janeiro,95,3,2,1,3,acept,not furnished,1061,2500,67,33,3661 +São Paulo,196,4,3,3,13,not acept,not furnished,2420,5000,931,64,8415 +São Paulo,70,2,1,0,-,acept,not furnished,0,2300,123,35,2458 +Porto Alegre,148,2,1,2,3,acept,not furnished,385,1650,880,25,2940 +São Paulo,70,2,1,0,2,acept,not furnished,1100,1280,0,17,2397 +São Paulo,30,1,1,1,5,not acept,not furnished,610,2300,134,30,3074 +São Paulo,300,3,2,4,-,acept,not furnished,0,2700,250,41,2991 +São Paulo,53,1,1,1,5,not acept,furnished,1132,2600,0,33,3765 +São Paulo,96,3,2,2,5,acept,furnished,920,3148,81,40,4189 +São Paulo,190,3,4,2,10,not acept,not furnished,1764,6000,48,77,7889 +São Paulo,250,3,5,8,-,acept,furnished,0,6000,7,91,6098 +Belo Horizonte,130,4,1,3,-,not acept,not furnished,0,2150,0,36,2186 +São Paulo,250,3,3,6,-,acept,not furnished,0,4250,519,64,4833 +Campinas,50,1,1,0,7,acept,not furnished,305,650,13,9,977 +Belo Horizonte,840,5,6,5,-,acept,not furnished,0,8000,511,132,8643 +Rio de Janeiro,95,3,3,0,5,acept,not furnished,750,1999,291,26,3066 +São Paulo,33,1,1,0,1,not acept,not furnished,250,1305,0,17,1572 +Rio de Janeiro,60,2,1,0,2,acept,not furnished,380,1350,0,18,1748 +São Paulo,51,1,1,0,11,acept,furnished,900,4950,125,63,6038 +Rio de Janeiro,200,4,3,2,2,acept,not furnished,1900,8000,756,104,10760 +São Paulo,212,4,5,6,7,acept,not furnished,2850,4500,1067,58,8475 +Belo Horizonte,66,3,1,0,-,acept,not furnished,15,1525,0,26,1566 +São Paulo,150,3,5,2,14,acept,not furnished,1423,3102,452,40,5017 +Rio de Janeiro,48,2,1,1,12,acept,not furnished,400,1270,9,17,1696 +São Paulo,90,2,2,1,-,acept,not furnished,0,2500,274,38,2812 +Porto Alegre,136,4,3,2,3,not acept,not furnished,750,4000,327,59,5136 +São Paulo,40,1,1,1,14,acept,not furnished,557,3000,95,39,3691 +São Paulo,100,1,2,2,-,not acept,not furnished,0,1700,0,26,1726 +São Paulo,32,1,1,0,18,acept,not furnished,330,1200,100,16,1646 +São Paulo,30,1,1,1,13,acept,furnished,700,3300,9,42,4051 +São Paulo,170,2,2,5,-,acept,not furnished,0,5500,600,83,6183 +Campinas,184,4,3,4,-,acept,not furnished,0,3240,220,49,3509 +São Paulo,368,4,5,4,1,acept,not furnished,4210,5000,2661,64,11940 +São Paulo,230,3,4,4,12,acept,not furnished,3300,7000,917,89,11310 +São Paulo,214,4,6,4,4,acept,furnished,2000,11000,780,140,13920 +Belo Horizonte,37,1,1,1,7,not acept,not furnished,425,2000,0,27,2452 +São Paulo,450,5,5,4,-,not acept,not furnished,0,5540,520,84,6144 +São Paulo,87,3,2,0,6,acept,not furnished,1284,2000,231,26,3541 +São Paulo,70,2,1,1,-,acept,not furnished,0,1300,25,20,1345 +São Paulo,54,2,1,1,-,acept,not furnished,480,1250,7,16,1753 +Belo Horizonte,155,4,3,3,7,acept,not furnished,1200,3300,356,44,4900 +São Paulo,35,1,1,0,-,acept,not furnished,0,1100,30,14,1144 +São Paulo,160,4,4,5,-,acept,not furnished,0,4500,0,68,4568 +Belo Horizonte,95,3,2,2,1,acept,not furnished,210,1400,122,19,1751 +São Paulo,113,2,1,1,5,acept,not furnished,1000,3000,50,39,4089 +Rio de Janeiro,70,3,2,1,9,acept,not furnished,1002,850,255,11,2118 +São Paulo,131,3,2,2,1,acept,not furnished,1497,1800,600,23,3920 +Belo Horizonte,130,3,3,1,2,acept,not furnished,690,3200,150,43,4083 +Porto Alegre,72,2,1,0,1,acept,not furnished,80,1300,40,19,1439 +Belo Horizonte,130,2,1,1,-,acept,not furnished,0,1280,59,21,1360 +Rio de Janeiro,80,2,3,1,7,acept,furnished,850,1300,320,10,2480 +São Paulo,50,3,2,2,-,acept,not furnished,150,2800,30,43,3023 +São Paulo,54,2,1,1,4,not acept,not furnished,570,2000,10,26,2606 +São Paulo,130,3,3,3,23,acept,not furnished,1290,2800,489,36,4615 +Porto Alegre,230,4,1,1,3,acept,not furnished,1287,3500,370,52,5209 +São Paulo,50,2,1,1,1,acept,not furnished,300,1100,0,14,1414 +Belo Horizonte,100,3,2,3,-,acept,not furnished,0,2800,0,46,2846 +Belo Horizonte,40,1,1,1,2,not acept,furnished,0,970,0,13,983 +Campinas,75,3,1,1,1,not acept,not furnished,296,12000,0,181,12480 +São Paulo,30,1,1,1,4,not acept,furnished,1787,1200,144,16,3147 +Porto Alegre,68,2,2,1,3,acept,not furnished,400,1800,82,27,2309 +São Paulo,117,3,3,2,-,acept,not furnished,0,2700,16,41,2757 +Porto Alegre,600,5,4,5,-,acept,furnished,0,12000,1167,214,13380 +São Paulo,126,3,2,2,18,not acept,not furnished,990,1610,0,21,2621 +Porto Alegre,290,4,4,3,-,acept,not furnished,0,2500,262,45,2807 +Porto Alegre,120,3,1,0,4,acept,not furnished,1090,1500,125,22,2737 +Rio de Janeiro,35,1,1,0,3,acept,furnished,450,1600,0,21,2071 +Belo Horizonte,40,1,1,1,2,not acept,furnished,0,970,0,13,983 +São Paulo,56,2,2,1,4,acept,not furnished,500,2000,0,26,2526 +Campinas,53,2,1,1,1,acept,not furnished,0,800,65,11,876 +São Paulo,270,4,4,4,11,acept,furnished,2800,15000,100,191,18090 +Porto Alegre,150,4,2,2,-,acept,not furnished,600,1100,0,20,1720 +São Paulo,40,1,1,0,1,not acept,not furnished,0,980,0,13,993 +São Paulo,31,1,1,0,9,acept,furnished,400,3280,109,42,3831 +São Paulo,50,2,2,1,1,acept,not furnished,450,1275,23,17,1765 +São Paulo,347,5,5,4,-,acept,not furnished,0,7000,500,106,7606 +São Paulo,70,3,1,1,14,not acept,not furnished,428,1800,42,23,2293 +Rio de Janeiro,75,2,1,0,4,acept,not furnished,440,1200,0,16,1656 +Porto Alegre,90,3,2,0,3,not acept,not furnished,405,1105,31,17,1558 +São Paulo,200,3,4,1,10,acept,not furnished,1600,1190,550,16,3356 +São Paulo,201,4,4,4,13,acept,not furnished,2600,5933,900,76,9509 +São Paulo,37,1,1,0,1,acept,not furnished,0,1400,0,18,1418 +São Paulo,75,3,1,1,8,not acept,not furnished,837,2200,70,28,3135 +São Paulo,42,1,1,0,6,acept,not furnished,1290,1650,184,21,3145 +Campinas,148,3,2,0,14,acept,not furnished,610,1700,102,22,2434 +São Paulo,200,2,2,0,-,acept,not furnished,0,3000,9,46,3055 +São Paulo,216,3,3,3,16,acept,not furnished,2328,13000,1230,165,16720 +São Paulo,300,3,2,0,-,acept,furnished,0,8300,217,125,8642 +São Paulo,73,1,1,0,2,acept,not furnished,0,1350,62,18,1430 +Rio de Janeiro,77,3,1,0,2,acept,furnished,1163,4200,269,55,5687 +Belo Horizonte,50,2,1,0,-,acept,not furnished,0,850,30,12,892 +São Paulo,480,4,7,8,-,acept,not furnished,0,14000,2186,211,16400 +São Paulo,300,5,5,2,-,acept,not furnished,0,4000,220,61,4281 +Rio de Janeiro,180,3,2,1,9,acept,not furnished,1600,4900,459,64,7023 +Porto Alegre,68,3,2,1,10,acept,not furnished,600,1600,76,24,2300 +São Paulo,62,2,2,1,1,acept,not furnished,560,1550,17,20,2147 +São Paulo,62,2,2,2,6,not acept,not furnished,1000,3230,230,41,4501 +Campinas,212,4,1,2,-,acept,not furnished,0,1500,88,23,1611 +São Paulo,340,3,4,4,-,acept,not furnished,0,10000,1584,151,11740 +Porto Alegre,280,5,4,8,-,acept,not furnished,0,10000,417,178,10600 +São Paulo,250,4,3,4,-,acept,not furnished,0,7200,434,109,7743 +São Paulo,64,2,1,0,8,acept,not furnished,500,1600,100,21,2221 +São Paulo,25,1,1,0,12,acept,not furnished,318,2100,41,27,2486 +São Paulo,37,1,1,0,11,not acept,not furnished,346,3250,69,42,3707 +Campinas,51,3,1,1,-,acept,not furnished,246,1100,71,14,1431 +Rio de Janeiro,75,2,3,1,2,acept,not furnished,862,1600,260,21,2743 +São Paulo,40,1,1,1,-,not acept,not furnished,0,972,0,15,987 +Rio de Janeiro,25,1,1,0,1,acept,not furnished,50,700,0,10,760 +Porto Alegre,340,5,4,4,-,acept,not furnished,0,4800,300,86,5186 +Rio de Janeiro,60,2,1,0,2,acept,not furnished,880,2650,209,35,3774 +Campinas,90,1,1,1,7,not acept,furnished,1750,1680,100,22,3552 +São Paulo,120,3,3,2,-,acept,not furnished,0,8900,371,134,9405 +São Paulo,200,1,2,0,-,acept,not furnished,0,8000,700,121,8821 +São Paulo,168,4,4,3,6,acept,not furnished,1400,3250,234,42,4926 +São Paulo,212,4,5,4,16,acept,not furnished,4000,10000,834,127,14960 +São Paulo,40,1,1,1,7,acept,not furnished,450,2400,0,31,2881 +São Paulo,78,1,2,1,10,not acept,not furnished,900,2440,167,31,3538 +São Paulo,340,3,4,3,-,acept,furnished,0,9800,392,148,10340 +Belo Horizonte,300,4,4,4,4,acept,not furnished,2200,10000,1114,134,13450 +Belo Horizonte,181,3,3,3,-,acept,not furnished,0,5500,148,91,5739 +São Paulo,68,2,2,0,6,not acept,furnished,630,6443,20,82,7175 +São Paulo,600,6,7,4,-,acept,furnished,10000,15000,84,226,25310 +São Paulo,138,3,3,2,-,acept,not furnished,0,2700,141,41,2882 +Belo Horizonte,65,2,1,1,6,not acept,not furnished,486,1200,101,16,1803 +São Paulo,44,1,1,1,6,not acept,not furnished,571,2000,130,26,2727 +São Paulo,600,5,7,8,-,acept,furnished,0,9000,1875,136,11010 +Belo Horizonte,53,1,1,0,1,acept,not furnished,398,1300,89,18,1805 +Belo Horizonte,340,4,5,4,20,acept,not furnished,2260,12000,872,160,15290 +São Paulo,183,6,5,2,2,not acept,not furnished,800,3800,25,58,4683 +São Paulo,80,2,3,0,6,acept,not furnished,1312,3300,427,42,5081 +Campinas,50,1,1,1,7,not acept,furnished,406,2800,123,36,3365 +São Paulo,293,4,3,3,5,acept,not furnished,3300,1050,500,14,4864 +Belo Horizonte,80,3,2,1,2,acept,not furnished,413,1800,124,24,2361 +São Paulo,30,1,1,0,1,acept,furnished,143,1318,0,17,1478 +São Paulo,150,3,4,2,-,acept,not furnished,0,2000,200,31,2231 +Campinas,70,3,2,2,2,acept,furnished,359,2010,74,26,2469 +São Paulo,85,2,1,1,1,acept,not furnished,500,2300,97,30,2927 +Rio de Janeiro,500,5,5,1,-,acept,not furnished,0,7900,486,121,8507 +Porto Alegre,49,2,1,1,-,acept,not furnished,150,1220,6,22,1398 +São Paulo,325,4,5,7,-,acept,furnished,0,11500,825,173,12500 +Rio de Janeiro,35,1,1,0,6,not acept,furnished,0,2570,58,34,2662 +São Paulo,270,4,3,3,2,acept,not furnished,3260,7500,550,96,11410 +São Paulo,540,4,7,5,11,acept,not furnished,4922,15000,3565,191,23680 +São Paulo,150,3,5,3,2,acept,furnished,990,11000,284,140,12410 +Belo Horizonte,300,3,3,2,-,acept,not furnished,0,5000,690,82,5772 +São Paulo,42,1,1,1,21,not acept,furnished,2406,2500,202,32,5140 +São Paulo,126,2,1,0,-,acept,not furnished,0,1700,314,26,2040 +São Paulo,67,2,1,1,4,acept,not furnished,1500,2099,250,27,3876 +São Paulo,80,3,3,2,4,acept,furnished,1374,2000,283,26,3683 +São Paulo,85,3,1,2,4,acept,not furnished,1600,1900,139,25,3664 +Porto Alegre,290,5,5,3,4,not acept,not furnished,3500,5600,49,82,9231 +São Paulo,274,2,3,4,-,acept,not furnished,0,3000,323,46,3369 +Campinas,46,2,1,1,3,acept,not furnished,250,970,42,13,1275 +Belo Horizonte,50,2,1,1,4,acept,not furnished,250,860,69,12,1191 +São Paulo,42,1,1,0,-,not acept,not furnished,0,1600,50,25,1675 +Campinas,55,1,1,1,2,acept,not furnished,0,1195,0,16,1211 +Rio de Janeiro,55,1,2,1,2,acept,not furnished,650,1200,55,16,1921 +Belo Horizonte,80,2,3,2,6,acept,not furnished,980,3260,350,44,4634 +São Paulo,42,1,1,1,5,acept,not furnished,460,2300,95,30,2885 +Campinas,70,2,1,1,3,acept,not furnished,500,1275,74,17,1866 +Campinas,78,3,2,1,15,acept,not furnished,542,1935,73,25,2575 +Belo Horizonte,55,2,1,1,2,acept,not furnished,200,1100,91,15,1406 +São Paulo,63,2,1,1,3,acept,not furnished,600,1120,34,15,1769 +São Paulo,57,2,2,1,8,acept,not furnished,358,2550,132,33,3073 +Porto Alegre,78,2,1,0,2,acept,not furnished,80,1330,91,20,1521 +São Paulo,140,2,2,2,7,acept,not furnished,1260,6740,0,86,8086 +Belo Horizonte,71,3,2,2,3,acept,not furnished,270,1300,101,18,1689 +São Paulo,845,5,9,6,-,acept,furnished,0,8499,1000,128,9627 +Belo Horizonte,70,2,1,1,3,not acept,not furnished,344,1100,107,15,1566 +Campinas,40,1,1,0,8,not acept,not furnished,327,595,12,8,942 +São Paulo,82,2,2,1,2,acept,furnished,750,3100,51,40,3941 +São Paulo,31,1,1,1,4,acept,not furnished,272,3200,64,41,3577 +Porto Alegre,62,2,2,1,7,not acept,furnished,800,3900,100,57,4857 +São Paulo,156,4,4,3,9,acept,furnished,1531,3510,995,45,6081 +São Paulo,300,3,4,7,-,not acept,not furnished,0,4340,550,66,4956 +Rio de Janeiro,35,1,1,0,-,acept,not furnished,0,750,0,10,760 +São Paulo,40,1,1,1,13,not acept,not furnished,1100,1600,160,21,2881 +São Paulo,39,1,1,1,5,acept,furnished,300,1700,50,22,2072 +Belo Horizonte,100,3,3,2,6,not acept,not furnished,720,1800,143,24,2687 +Rio de Janeiro,60,2,1,0,7,acept,not furnished,528,1100,86,15,1729 +São Paulo,43,2,1,0,1,not acept,not furnished,0,1250,120,16,1386 +Rio de Janeiro,120,2,2,0,8,acept,furnished,990,12000,125,155,13270 +Belo Horizonte,90,3,1,1,-,acept,not furnished,0,1360,1,23,1384 +São Paulo,170,3,2,1,14,acept,furnished,1670,10500,84,134,12390 +Belo Horizonte,154,4,2,3,4,not acept,furnished,2150,5400,647,72,8269 +São Paulo,108,3,3,2,3,acept,not furnished,1800,4800,393,61,7054 +São Paulo,20,1,1,0,4,acept,furnished,602,1800,130,23,2555 +Rio de Janeiro,200,4,3,2,7,acept,not furnished,1940,2300,467,30,4737 +Belo Horizonte,800,7,7,4,-,acept,furnished,0,8900,943,146,9989 +São Paulo,43,2,2,0,-,not acept,furnished,0,1750,70,23,1843 +Campinas,125,2,1,0,4,acept,not furnished,778,850,120,11,1759 +Campinas,28,1,1,0,-,not acept,furnished,0,1390,0,18,1408 +São Paulo,37,1,1,1,1,not acept,furnished,604,2600,252,33,3489 +São Paulo,60,3,2,1,-,acept,furnished,0,2430,0,37,2467 +São Paulo,121,2,3,1,20,acept,not furnished,825,2560,170,33,3588 +Belo Horizonte,600,5,5,2,-,acept,not furnished,0,7500,158,123,7781 +São Paulo,161,3,3,2,10,acept,not furnished,1500,2750,418,35,4703 +Campinas,60,2,1,1,2,acept,not furnished,497,1350,67,18,1932 +São Paulo,60,3,1,1,7,acept,not furnished,630,1700,8,22,2360 +Rio de Janeiro,55,2,1,0,2,acept,not furnished,523,2300,109,30,2962 +São Paulo,90,3,1,1,2,acept,not furnished,1000,3000,50,39,4089 +São Paulo,65,2,1,0,-,acept,not furnished,0,1500,84,23,1607 +Porto Alegre,18,1,1,0,16,acept,not furnished,480,700,15,11,1206 +São Paulo,345,3,3,5,2,acept,not furnished,3000,12750,834,162,16750 +Porto Alegre,50,2,1,1,4,acept,not furnished,600,1190,42,18,1850 +São Paulo,230,4,5,4,7,acept,not furnished,3240,12500,917,159,16820 +São Paulo,100,2,2,1,3,acept,not furnished,299,1850,60,24,2233 +São Paulo,136,3,3,3,13,acept,not furnished,1430,4206,364,54,6054 +Porto Alegre,263,3,3,0,2,acept,furnished,30,3500,150,52,3732 +Belo Horizonte,65,2,2,2,3,acept,not furnished,230,1700,115,23,2068 +Belo Horizonte,166,2,2,2,6,not acept,not furnished,300,2100,253,28,2681 +São Paulo,20,1,1,0,5,acept,furnished,602,1800,130,23,2555 +Campinas,308,4,3,4,-,acept,not furnished,0,3900,381,59,4340 +São Paulo,400,4,3,5,-,acept,not furnished,0,10600,459,160,11220 +Belo Horizonte,140,3,4,3,11,acept,not furnished,525,3000,307,40,3872 +Campinas,47,1,1,0,1,acept,furnished,380,550,14,7,951 +São Paulo,178,3,3,3,8,acept,furnished,2500,8300,700,106,11610 +Belo Horizonte,100,3,2,1,1,acept,not furnished,288,1500,60,20,1868 +São Paulo,62,3,2,1,6,not acept,furnished,1550,4800,167,61,6578 +São Paulo,390,4,4,5,8,not acept,furnished,8500,8600,3917,109,21130 +São Paulo,217,3,4,1,10,acept,not furnished,2200,9000,458,115,11770 +Belo Horizonte,280,4,4,3,8,acept,furnished,2850,9000,503,120,12470 +São Paulo,30,1,1,1,4,not acept,not furnished,673,2500,62,32,3267 +São Paulo,39,1,1,1,11,acept,furnished,390,2500,0,32,2922 +Belo Horizonte,118,3,3,1,1,acept,not furnished,350,1230,88,17,1685 +São Paulo,42,1,1,1,17,not acept,furnished,1352,1900,150,25,3427 +São Paulo,120,2,3,2,19,acept,furnished,0,9920,0,126,10050 +São Paulo,174,4,5,4,13,acept,furnished,1850,4745,567,61,7223 +São Paulo,450,4,4,3,7,acept,not furnished,5096,10000,0,127,15220 +Belo Horizonte,50,2,1,1,2,acept,not furnished,250,900,69,12,1231 +São Paulo,50,2,2,2,6,acept,furnished,1720,7070,0,90,8880 +Rio de Janeiro,80,2,1,0,2,acept,not furnished,300,2000,76,26,2402 +Porto Alegre,134,3,2,2,4,acept,not furnished,985,2900,242,43,4170 +Campinas,188,5,4,0,-,acept,not furnished,0,4000,178,61,4239 +Rio de Janeiro,90,2,2,2,3,acept,furnished,1100,4850,200,63,6213 +São Paulo,340,4,4,3,14,not acept,not furnished,5000,5000,1084,64,11150 +São Paulo,110,3,3,2,-,acept,not furnished,0,2800,77,43,2920 +Rio de Janeiro,58,2,1,1,9,acept,not furnished,500,2673,0,35,3208 +Rio de Janeiro,37,1,1,0,10,acept,furnished,687,1840,86,24,2637 +São Paulo,280,3,5,3,-,acept,not furnished,0,8000,0,121,8121 +São Paulo,220,3,4,3,16,acept,furnished,1500,8000,555,102,10160 +São Paulo,272,5,5,2,-,acept,not furnished,0,11000,917,166,12080 +São Paulo,49,2,1,1,18,acept,furnished,370,2000,80,26,2476 +Campinas,54,1,1,1,5,acept,not furnished,750,773,67,10,1600 +Belo Horizonte,68,2,1,1,11,acept,not furnished,400,500,30,7,937 +São Paulo,227,3,4,4,18,not acept,furnished,2100,12000,1292,153,15550 +Belo Horizonte,350,5,4,4,-,acept,not furnished,0,15000,1320,246,16570 +Porto Alegre,116,3,2,1,9,acept,not furnished,700,2600,167,38,3505 +São Paulo,130,2,2,1,17,acept,not furnished,993,5600,75,71,6739 +São Paulo,94,2,2,1,6,acept,not furnished,1000,3500,92,45,4637 +São Paulo,330,5,4,4,-,acept,not furnished,0,4600,192,70,4862 +Rio de Janeiro,230,4,4,0,6,acept,not furnished,2500,11000,900,142,14540 +Belo Horizonte,55,2,1,1,7,not acept,not furnished,160,900,0,12,1072 +São Paulo,148,3,2,3,5,acept,furnished,1750,3300,609,42,5701 +São Paulo,500,3,3,7,-,acept,not furnished,0,5500,84,83,5667 +Campinas,184,4,3,4,-,acept,not furnished,0,3240,220,49,3509 +Rio de Janeiro,250,4,4,0,1,acept,not furnished,2000,5000,575,65,7640 +Belo Horizonte,306,3,5,0,-,acept,not furnished,0,8000,0,132,8132 +Belo Horizonte,20,1,1,0,7,acept,not furnished,420,1050,79,14,1563 +Porto Alegre,60,1,1,0,2,not acept,not furnished,300,920,0,14,1234 +São Paulo,130,3,2,2,15,not acept,not furnished,1400,6200,4000,79,11680 +São Paulo,450,4,5,7,-,acept,furnished,0,12000,334,181,12520 +Rio de Janeiro,113,3,1,0,1,not acept,furnished,700,2500,130,33,3363 +Rio de Janeiro,66,2,1,1,3,not acept,not furnished,699,1170,67,16,1952 +Campinas,83,2,1,1,1,not acept,not furnished,390,960,50,13,1413 +Belo Horizonte,83,3,3,2,6,acept,furnished,450,3655,142,49,4296 +São Paulo,50,1,1,1,3,not acept,not furnished,1450,4600,305,59,6414 +São Paulo,52,2,1,1,2,acept,not furnished,789,3350,0,43,4182 +São Paulo,250,3,3,3,-,acept,not furnished,0,3210,0,49,3259 +São Paulo,121,2,2,1,2,acept,furnished,1800,3100,292,40,5232 +Rio de Janeiro,85,2,3,1,5,acept,not furnished,950,7100,194,92,8336 +São Paulo,152,4,3,3,13,not acept,not furnished,1607,4700,823,60,7190 +São Paulo,32,1,1,1,14,not acept,furnished,2000,1700,125,22,3847 +São Paulo,311,4,5,6,4,acept,furnished,5083,14000,3461,178,22720 +São Paulo,97,3,2,2,1,acept,not furnished,730,3000,303,39,4072 +São Paulo,250,4,5,4,9,acept,not furnished,4000,8440,1200,107,13750 +Rio de Janeiro,32,1,1,0,8,acept,not furnished,574,1400,66,19,2059 +São Paulo,360,4,9,8,-,acept,not furnished,0,8540,1329,129,9998 +São Paulo,24,1,1,0,-,not acept,not furnished,0,870,0,14,884 +São Paulo,55,1,1,1,10,acept,furnished,920,3190,309,41,4460 +Belo Horizonte,83,3,2,2,1,acept,not furnished,200,1250,112,17,1579 +São Paulo,87,3,2,2,9,not acept,not furnished,940,2600,234,33,3807 +Campinas,64,2,1,1,2,acept,not furnished,549,850,76,11,1486 +São Paulo,25,1,1,0,-,not acept,not furnished,0,1350,87,21,1458 +São Paulo,30,1,1,1,6,acept,not furnished,1900,2001,125,26,4052 +Rio de Janeiro,500,2,5,5,-,not acept,not furnished,0,1810,54,28,1892 +Porto Alegre,75,2,2,2,4,acept,furnished,400,2750,92,41,3283 +São Paulo,205,3,3,4,-,acept,not furnished,0,6500,667,98,7265 +Belo Horizonte,88,3,2,0,-,acept,not furnished,0,1200,295,20,1515 +Porto Alegre,60,3,2,1,3,acept,not furnished,700,1800,80,27,2607 +Belo Horizonte,70,2,1,1,3,acept,not furnished,215,1100,60,15,1390 +Rio de Janeiro,100,2,3,0,1,acept,not furnished,0,1700,130,22,1852 +Porto Alegre,37,1,1,0,2,acept,not furnished,220,628,13,10,871 +São Paulo,45,1,1,0,-,not acept,not furnished,50,1050,34,16,1150 +São Paulo,330,3,3,5,-,acept,not furnished,0,8500,1201,128,9829 +São Paulo,35,1,1,0,2,not acept,furnished,726,2800,200,36,3762 +Belo Horizonte,144,3,1,2,-,acept,not furnished,483,2300,170,31,2984 +Belo Horizonte,70,3,2,1,3,acept,not furnished,250,1200,69,16,1535 +São Paulo,68,2,2,1,14,acept,not furnished,762,2083,154,27,3026 +São Paulo,101,3,2,2,6,not acept,not furnished,1205,5250,316,67,6838 +São Paulo,33,1,1,1,5,acept,not furnished,842,2000,95,26,2963 +São Paulo,200,4,2,2,-,acept,not furnished,0,5800,250,88,6138 +São Paulo,80,2,1,0,-,acept,not furnished,0,1439,52,22,1513 +São Paulo,74,2,1,0,-,not acept,not furnished,0,1290,34,20,1344 +Belo Horizonte,65,2,2,1,2,acept,not furnished,300,1500,76,20,1896 +Campinas,111,3,3,3,6,not acept,furnished,1000,5000,283,64,6347 +São Paulo,380,3,6,8,-,acept,furnished,0,9000,244,136,9380 +São Paulo,60,2,1,0,-,acept,not furnished,120,1720,90,26,1956 +São Paulo,300,3,3,5,-,acept,not furnished,0,4250,417,64,4731 +Porto Alegre,72,2,2,2,6,acept,not furnished,400,2400,88,36,2924 +Rio de Janeiro,75,2,2,1,5,not acept,furnished,1832,2750,263,36,4881 +São Paulo,70,2,1,2,7,acept,not furnished,543,1400,156,18,2117 +Belo Horizonte,360,5,4,1,-,acept,not furnished,0,4600,158,76,4834 +São Paulo,23,1,1,0,1,acept,not furnished,423,1580,0,21,2024 +São Paulo,100,3,2,2,10,not acept,not furnished,2152,3500,227,45,5924 +São Paulo,150,4,4,3,-,acept,not furnished,0,4100,172,62,4334 +Rio de Janeiro,57,1,1,1,2,acept,furnished,2480,2480,800,32,5792 +São Paulo,180,3,2,2,-,acept,not furnished,0,3270,188,50,3508 +Belo Horizonte,360,3,3,4,-,acept,not furnished,0,5000,454,82,5536 +São Paulo,120,3,3,2,11,acept,not furnished,995,2200,100,28,3323 +Belo Horizonte,45,2,1,1,1,not acept,not furnished,300,900,0,12,1212 +Rio de Janeiro,30,1,1,0,8,acept,not furnished,456,900,94,12,1462 +São Paulo,40,1,1,1,6,not acept,furnished,1300,3000,248,39,4587 +São Paulo,130,3,2,1,2,not acept,not furnished,1100,4500,384,58,6042 +Campinas,68,2,1,1,3,acept,not furnished,482,831,0,11,1324 +São Paulo,70,2,1,1,1,acept,not furnished,280,1000,138,13,1431 +Rio de Janeiro,77,2,2,1,1,acept,not furnished,1150,3000,230,39,4419 +São Paulo,220,4,4,1,19,acept,not furnished,1800,5500,650,70,8020 +Campinas,55,1,1,1,10,acept,not furnished,550,720,80,10,1360 +Porto Alegre,70,3,1,1,13,acept,not furnished,500,1300,36,19,1855 +São Paulo,250,4,4,4,9,acept,not furnished,3300,12000,1120,153,16570 +São Paulo,110,3,2,2,6,acept,not furnished,950,5550,385,71,6956 +Campinas,151,2,2,1,8,acept,furnished,900,2000,262,26,3188 +Campinas,45,1,1,0,4,acept,not furnished,290,700,10,9,1009 +Belo Horizonte,40,1,1,1,13,acept,not furnished,591,2600,272,35,3498 +Belo Horizonte,98,3,2,2,3,acept,not furnished,260,1100,82,15,1457 +São Paulo,70,2,2,1,1,acept,not furnished,280,1000,138,13,1431 +São Paulo,205,4,3,3,10,acept,not furnished,3800,10000,1167,127,15090 +São Paulo,40,1,1,1,3,not acept,not furnished,225,1080,65,14,1384 +São Paulo,100,3,2,1,6,acept,not furnished,1684,3600,325,46,5655 +Belo Horizonte,55,2,1,1,1,acept,not furnished,250,1200,83,16,1549 +São Paulo,288,3,3,3,-,acept,not furnished,0,12000,878,181,13060 +Rio de Janeiro,70,1,1,0,9,not acept,furnished,776,3400,77,44,4297 +São Paulo,70,2,1,1,8,not acept,not furnished,600,2000,0,26,2626 +São Paulo,100,2,2,2,15,acept,not furnished,1050,2780,109,36,3975 +Porto Alegre,72,2,1,0,3,acept,furnished,620,1600,54,24,2298 +Rio de Janeiro,20,1,1,0,-,acept,furnished,422,980,20,13,1435 +Porto Alegre,360,4,4,4,-,not acept,not furnished,0,2820,321,51,3192 +São Paulo,150,3,3,2,-,acept,not furnished,0,4680,235,71,4986 +São Paulo,130,3,4,0,3,acept,furnished,0,2443,0,31,2474 +São Paulo,22,1,1,0,25,acept,not furnished,385,2100,40,27,2552 +Campinas,53,1,1,1,8,acept,furnished,1350,3110,85,40,4585 +Rio de Janeiro,53,2,1,0,11,not acept,not furnished,500,1000,0,13,1513 +São Paulo,642,4,7,4,-,acept,not furnished,0,9050,250,137,9437 +São Paulo,240,4,5,5,9,acept,furnished,3442,9900,1529,126,15000 +São Paulo,450,3,3,1,-,acept,not furnished,1125,6500,59,98,7782 +Campinas,57,2,1,1,3,not acept,not furnished,343,850,67,11,1271 +Belo Horizonte,130,4,3,1,1,acept,not furnished,350,2600,206,35,3191 +São Paulo,53,2,2,1,7,acept,not furnished,450,2350,0,30,2830 +Porto Alegre,39,1,1,1,5,not acept,furnished,350,2600,67,38,3055 +São Paulo,850,6,7,4,-,not acept,not furnished,15000,13000,2465,196,30660 +São Paulo,35,1,1,0,1,not acept,not furnished,250,1305,0,17,1572 +São Paulo,67,1,1,0,-,acept,not furnished,0,1300,55,20,1375 +São Paulo,120,3,2,1,6,acept,not furnished,850,2600,120,33,3603 +São Paulo,200,5,6,4,6,acept,not furnished,3300,5000,1250,64,9614 +Belo Horizonte,69,3,1,2,4,acept,not furnished,230,1300,0,18,1548 +Porto Alegre,60,2,1,1,-,acept,not furnished,0,540,0,10,550 +Belo Horizonte,30,1,1,1,1,acept,furnished,800,890,30,12,1732 +Rio de Janeiro,30,1,1,0,11,acept,not furnished,500,1200,21,16,1737 +Campinas,650,4,6,4,-,acept,not furnished,760,13000,1042,196,15000 +Porto Alegre,80,2,1,1,3,not acept,not furnished,500,1500,250,22,2272 +São Paulo,35,1,1,1,1,acept,not furnished,0,977,30,13,1020 +Rio de Janeiro,135,3,2,1,6,acept,not furnished,1850,4100,517,53,6520 +São Paulo,60,2,1,0,3,acept,furnished,260,1800,0,23,2083 +Belo Horizonte,80,2,2,1,4,acept,not furnished,700,1070,100,15,1885 +Campinas,80,2,2,1,-,acept,not furnished,0,1500,41,23,1564 +Belo Horizonte,160,4,6,3,7,not acept,not furnished,1750,4750,831,64,7395 +São Paulo,135,2,2,1,12,acept,not furnished,1313,8700,343,111,10470 +Campinas,340,4,5,0,-,not acept,not furnished,800,4000,334,61,5195 +São Paulo,35,1,1,1,1,not acept,furnished,444,3507,124,45,4120 +Porto Alegre,38,1,1,0,6,not acept,not furnished,670,806,92,12,1580 +Porto Alegre,81,3,2,1,6,acept,not furnished,490,1630,90,24,2234 +Belo Horizonte,150,3,3,3,-,acept,not furnished,0,5950,146,98,6194 +São Paulo,126,3,1,2,-,acept,not furnished,0,4200,299,64,4563 +São Paulo,71,1,1,0,1,acept,not furnished,718,1443,0,5,2166 +São Paulo,20,1,1,0,-,acept,furnished,602,1800,130,23,2555 +Campinas,55,1,1,1,5,not acept,not furnished,730,750,80,10,1570 +Campinas,76,2,2,2,9,acept,furnished,1027,2800,152,36,4015 +Rio de Janeiro,40,1,1,0,3,acept,not furnished,700,2800,100,37,3637 +São Paulo,400,3,5,5,-,acept,not furnished,0,12500,0,188,12690 +Belo Horizonte,70,3,1,2,2,acept,not furnished,230,1000,0,14,1244 +São Paulo,38,1,1,1,16,acept,furnished,473,2800,10,36,3319 +Rio de Janeiro,80,2,1,0,6,acept,not furnished,1050,1500,125,20,2695 +Rio de Janeiro,64,1,1,0,7,acept,not furnished,670,1200,105,16,1991 +Belo Horizonte,300,4,3,2,-,acept,not furnished,0,10000,695,164,10860 +São Paulo,71,3,4,0,-,acept,not furnished,0,4000,0,61,4061 +São Paulo,25,1,1,1,5,not acept,furnished,600,3500,92,45,4237 +São Paulo,1000,4,7,4,10,acept,furnished,6000,15000,4900,191,26090 +São Paulo,196,3,5,3,3,acept,furnished,3338,8440,1223,60,13060 +Campinas,48,2,1,1,3,acept,not furnished,183,1190,0,16,1389 +São Paulo,315,3,5,2,14,not acept,not furnished,4300,20000,959,254,25510 +Belo Horizonte,184,3,1,2,1,acept,furnished,300,4000,110,54,4464 +Porto Alegre,450,5,4,4,-,acept,furnished,0,9000,250,160,9410 +São Paulo,102,3,2,2,1,acept,not furnished,1300,2000,284,26,3610 +Campinas,135,3,2,2,3,acept,not furnished,1100,2040,92,26,3258 +São Paulo,41,1,1,1,14,not acept,not furnished,707,3000,36,39,3782 +São Paulo,144,2,4,6,-,acept,not furnished,0,2196,225,34,2455 +Rio de Janeiro,110,3,3,1,6,not acept,not furnished,1300,1000,100,13,2413 +Porto Alegre,43,1,1,1,4,acept,not furnished,240,1870,0,28,2138 +São Paulo,450,4,5,2,-,not acept,furnished,0,15000,1400,226,16630 +Belo Horizonte,70,2,1,2,1,acept,not furnished,222,1600,100,22,1944 +São Paulo,220,4,4,4,5,not acept,not furnished,2056,3230,1576,41,6903 +São Paulo,52,1,2,1,13,acept,not furnished,1100,5000,210,64,6374 +São Paulo,198,2,2,2,13,acept,not furnished,1700,5500,320,70,7590 +São Paulo,30,2,1,0,-,acept,not furnished,0,1500,5,23,1528 +Rio de Janeiro,217,3,3,2,5,acept,furnished,2487,10300,600,133,13520 +São Paulo,290,4,4,0,-,acept,not furnished,0,6800,1100,103,8003 +Porto Alegre,70,2,1,0,1,acept,furnished,350,1450,120,22,1942 +Rio de Janeiro,45,1,1,0,5,not acept,furnished,700,2500,84,33,3317 +São Paulo,40,1,1,1,8,not acept,not furnished,800,1675,50,22,2547 +Campinas,180,4,3,2,-,acept,not furnished,1050,4348,167,66,5631 +Rio de Janeiro,90,2,1,0,2,acept,not furnished,200,1200,142,16,1558 +São Paulo,26,1,1,0,4,not acept,not furnished,394,1178,28,15,1615 +São Paulo,629,4,4,4,-,acept,not furnished,0,15000,2064,226,17290 +São Paulo,120,4,3,2,-,acept,not furnished,0,3000,67,46,3113 +Porto Alegre,49,1,1,0,1,not acept,not furnished,600,600,15,9,1224 +São Paulo,44,2,1,1,13,acept,not furnished,290,1250,0,16,1556 +São Paulo,427,4,6,4,13,acept,not furnished,3440,10000,1350,127,14920 +São Paulo,286,4,5,4,12,acept,furnished,3150,4000,1580,51,8781 +Porto Alegre,88,2,2,2,1,acept,not furnished,240,1600,84,24,1948 +São Paulo,120,2,3,2,20,acept,not furnished,2000,7000,180,89,9269 +São Paulo,74,1,2,2,16,acept,furnished,1300,3560,285,46,5191 +Porto Alegre,350,3,4,4,-,not acept,not furnished,0,3500,167,63,3730 +Porto Alegre,80,2,2,1,4,acept,not furnished,693,1600,92,24,2409 +São Paulo,63,2,2,1,18,acept,not furnished,784,4300,136,55,5275 +São Paulo,22,1,1,0,5,acept,not furnished,423,1600,0,21,2044 +São Paulo,94,2,3,0,9,acept,not furnished,1700,1300,306,17,3323 +São Paulo,60,2,1,0,-,acept,not furnished,0,1600,25,25,1650 +Rio de Janeiro,190,4,4,0,4,acept,not furnished,2200,4000,600,52,6852 +São Paulo,78,2,1,1,1,acept,not furnished,410,2500,0,32,2942 +Belo Horizonte,300,5,4,4,-,acept,not furnished,0,9000,1461,148,10610 +São Paulo,211,4,4,4,26,not acept,not furnished,1500,2880,717,37,5134 +Campinas,84,2,1,1,7,acept,not furnished,590,1100,104,14,1808 +Porto Alegre,300,3,3,5,-,acept,not furnished,0,3825,89,68,3982 +Belo Horizonte,497,5,5,4,-,not acept,not furnished,0,8000,720,132,8852 +São Paulo,71,3,2,1,2,acept,not furnished,530,2500,130,32,3192 +Rio de Janeiro,138,2,1,0,3,acept,not furnished,810,1000,175,13,1998 +Rio de Janeiro,120,3,2,1,12,acept,not furnished,1300,2480,235,32,4047 +Rio de Janeiro,110,2,2,1,2,acept,not furnished,1000,3500,210,46,4756 +São Paulo,30,1,1,1,14,acept,not furnished,457,2800,72,36,3365 +São Paulo,386,4,6,3,21,acept,not furnished,3890,12750,1980,162,18780 +Rio de Janeiro,70,2,1,0,4,acept,not furnished,680,2000,96,26,2802 +Belo Horizonte,120,3,2,2,2,acept,not furnished,150,1700,196,23,2069 +São Paulo,300,2,3,2,1,acept,not furnished,7000,3560,1834,46,12440 +São Paulo,40,1,1,0,-,not acept,not furnished,0,780,17,12,809 +São Paulo,210,3,2,1,5,acept,furnished,3400,7500,450,96,11450 +Rio de Janeiro,62,3,2,1,4,acept,furnished,800,2100,174,28,3102 +Rio de Janeiro,84,3,2,1,6,acept,not furnished,839,1820,234,24,2917 +São Paulo,23,1,1,0,23,acept,not furnished,385,2050,40,26,2501 +São Paulo,140,2,4,2,19,not acept,not furnished,950,6599,375,84,8008 +São Paulo,40,1,1,1,5,acept,not furnished,512,2100,13,27,2652 +São Paulo,148,3,3,0,6,acept,not furnished,2056,2400,200,31,4687 +São Paulo,75,3,2,2,14,acept,not furnished,658,2300,87,30,3075 +São Paulo,40,1,1,0,-,acept,not furnished,0,650,17,10,677 +Rio de Janeiro,77,2,2,2,2,acept,not furnished,1039,4200,301,55,5595 +São Paulo,90,2,2,0,1,not acept,not furnished,657,1800,0,23,2480 +Rio de Janeiro,300,4,4,0,-,acept,not furnished,0,3800,344,58,4202 +Rio de Janeiro,98,2,2,0,1,not acept,furnished,820,3050,172,40,4082 +São Paulo,64,2,2,1,4,acept,not furnished,750,2800,0,36,3586 +São Paulo,100,3,2,2,7,not acept,not furnished,1400,3500,217,45,5162 +Belo Horizonte,80,2,1,0,2,acept,not furnished,275,1500,104,20,1899 +São Paulo,110,3,2,1,2,not acept,not furnished,1341,4400,259,56,6056 +São Paulo,40,1,1,0,1,acept,not furnished,0,1000,56,13,1069 +Rio de Janeiro,80,2,1,0,3,acept,not furnished,877,1800,74,24,2775 +São Paulo,17,1,1,0,2,acept,not furnished,0,2700,42,35,2777 +São Paulo,137,2,2,1,-,not acept,not furnished,0,4600,410,70,5080 +São Paulo,230,4,3,4,17,not acept,furnished,2217,6000,745,77,9039 +Rio de Janeiro,90,3,3,1,5,acept,not furnished,811,1700,52,22,2585 +São Paulo,347,4,7,6,-,acept,not furnished,0,8900,1000,134,10030 +Belo Horizonte,200,4,3,0,-,acept,not furnished,0,15000,36,246,15280 +São Paulo,56,1,1,0,9,acept,not furnished,390,1300,37,17,1744 +Campinas,650,5,4,8,-,acept,furnished,0,8500,442,128,9070 +Rio de Janeiro,30,1,1,0,1,acept,not furnished,310,1200,45,16,1571 +Campinas,52,1,1,1,17,acept,furnished,750,1250,123,16,2139 +São Paulo,120,3,2,2,5,not acept,not furnished,1520,5000,0,36,6556 +Rio de Janeiro,50,1,1,1,5,acept,not furnished,90,1010,0,14,1114 +São Paulo,120,3,2,1,17,acept,not furnished,1250,2000,230,26,3506 +Belo Horizonte,80,2,2,2,12,acept,furnished,1100,4800,300,64,6264 +São Paulo,58,2,2,1,6,acept,not furnished,450,4700,42,60,5252 +Porto Alegre,89,3,1,0,3,acept,not furnished,631,1100,85,17,1833 +São Paulo,250,3,4,3,1,acept,furnished,2900,9800,125,125,12950 +São Paulo,242,5,3,2,-,acept,not furnished,0,4250,380,64,4694 +São Paulo,55,2,1,1,1,acept,furnished,300,2200,84,28,2612 +Belo Horizonte,45,1,1,0,-,acept,not furnished,0,1100,127,19,1246 +São Paulo,204,4,6,4,8,acept,furnished,3900,6800,940,87,11730 +Rio de Janeiro,37,1,1,0,4,acept,furnished,709,1200,196,16,2121 +São Paulo,50,1,1,0,6,acept,furnished,240,2640,0,34,2914 +São Paulo,73,2,2,2,1,acept,not furnished,778,1200,84,16,2078 +Porto Alegre,180,6,2,2,2,acept,not furnished,0,4100,234,60,4394 +Rio de Janeiro,300,4,2,0,-,acept,not furnished,219,6500,280,99,7098 +Porto Alegre,71,2,2,1,3,acept,not furnished,861,1300,79,19,2259 +São Paulo,284,3,2,2,9,acept,furnished,2300,6600,584,84,9568 +Campinas,37,1,1,1,2,acept,not furnished,478,555,0,8,1041 +São Paulo,35,1,1,0,-,not acept,not furnished,0,750,34,12,796 +São Paulo,190,2,2,4,-,acept,not furnished,0,4200,0,64,4264 +São Paulo,67,2,1,1,2,acept,furnished,894,1600,25,21,2540 +Rio de Janeiro,98,2,2,0,10,acept,not furnished,950,2882,223,38,4093 +São Paulo,260,4,5,2,1,acept,furnished,2600,8000,417,102,11120 +São Paulo,139,3,2,2,1,not acept,not furnished,1600,3870,325,50,5845 +Porto Alegre,76,2,2,1,4,acept,not furnished,700,2200,0,33,2933 +Belo Horizonte,150,3,2,1,3,acept,not furnished,480,3000,224,40,3744 +Rio de Janeiro,51,1,1,1,4,acept,not furnished,800,1100,64,15,1979 +Belo Horizonte,120,3,2,2,2,acept,not furnished,150,1700,195,23,2068 +Porto Alegre,42,1,1,0,3,acept,furnished,150,1050,0,16,1216 +Belo Horizonte,180,4,2,2,1,acept,not furnished,1500,2800,267,38,4605 +São Paulo,65,2,1,0,1,acept,furnished,286,4200,17,54,4557 +São Paulo,420,5,4,4,7,acept,not furnished,8000,12000,200,153,20350 +São Paulo,90,2,2,2,9,not acept,not furnished,1649,1400,850,18,3917 +São Paulo,44,1,1,0,7,acept,not furnished,460,1700,0,22,2182 +São Paulo,240,2,3,1,3,acept,furnished,2300,6500,30,83,8913 +São Paulo,280,4,5,4,-,acept,not furnished,0,6350,350,96,6796 +São Paulo,120,2,2,3,9,acept,not furnished,2449,3300,575,42,6366 +Belo Horizonte,140,4,3,4,10,not acept,not furnished,1050,2300,376,31,3757 +São Paulo,65,2,2,1,16,acept,not furnished,489,1750,68,23,2330 +Belo Horizonte,52,1,2,1,11,acept,furnished,1000,3600,211,48,4859 +Porto Alegre,199,3,4,3,7,acept,furnished,900,8750,334,128,10110 +Porto Alegre,71,2,2,1,4,acept,not furnished,1080,2700,100,40,3920 +São Paulo,42,1,1,0,2,acept,not furnished,530,2800,0,36,3366 +São Paulo,420,4,3,4,-,acept,not furnished,0,15000,1250,226,16480 +Porto Alegre,169,2,1,1,-,acept,not furnished,0,2800,55,50,2905 +São Paulo,170,3,2,4,6,acept,not furnished,3678,1500,1130,20,6328 +São Paulo,45,2,2,0,-,not acept,not furnished,0,1650,84,25,1759 +São Paulo,60,2,1,1,6,acept,not furnished,660,2700,98,35,3493 +São Paulo,76,3,2,2,3,acept,not furnished,915,1450,104,19,2488 +Porto Alegre,47,1,1,1,1,not acept,furnished,400,2200,0,33,2633 +São Paulo,22,1,1,0,25,acept,not furnished,472,2200,55,28,2755 +Rio de Janeiro,63,2,2,1,1,acept,not furnished,600,1800,92,24,2516 +São Paulo,33,1,1,1,7,not acept,furnished,630,3600,0,46,4276 +São Paulo,96,3,2,2,19,acept,not furnished,480,2300,250,30,3060 +Belo Horizonte,573,4,3,6,-,acept,not furnished,0,10000,737,164,10900 +Rio de Janeiro,84,3,1,0,2,acept,not furnished,805,2400,209,31,3445 +Campinas,400,4,4,3,-,acept,not furnished,1200,8700,458,131,10490 +Belo Horizonte,150,3,3,2,4,acept,not furnished,350,1950,0,26,2326 +São Paulo,120,3,1,0,11,acept,not furnished,680,2040,110,26,2856 +São Paulo,78,2,1,1,-,acept,not furnished,0,1700,82,26,1808 +São Paulo,20,1,1,0,4,acept,furnished,602,1800,130,23,2555 +Porto Alegre,117,2,1,1,4,acept,not furnished,380,2100,73,31,2584 +São Paulo,40,1,1,0,1,acept,furnished,350,2090,0,27,2467 +Rio de Janeiro,50,2,1,0,1,not acept,not furnished,1000,1059,92,14,2165 +Porto Alegre,80,3,1,1,1,acept,not furnished,350,1300,46,19,1715 +São Paulo,65,2,1,1,1,acept,not furnished,580,2600,57,33,3270 +Porto Alegre,90,2,2,0,3,acept,not furnished,320,1125,34,17,1496 +São Paulo,76,2,1,1,16,acept,furnished,700,5600,0,71,6371 +Campinas,85,3,2,2,9,acept,furnished,510,3000,165,39,3714 +São Paulo,76,1,2,2,5,acept,furnished,540,2800,220,36,3596 +Rio de Janeiro,92,2,1,1,12,acept,not furnished,1000,1839,134,24,2997 +São Paulo,150,3,3,3,-,acept,not furnished,100,4600,234,70,5004 +São Paulo,515,5,4,3,5,acept,not furnished,5600,15000,250,191,21040 +Porto Alegre,91,2,1,0,2,acept,not furnished,316,1350,69,20,1755 +São Paulo,161,3,3,3,23,acept,furnished,2000,15000,667,191,17860 +São Paulo,64,2,1,1,2,acept,not furnished,500,1400,11,18,1929 +Porto Alegre,59,1,1,1,12,acept,not furnished,300,2200,67,33,2600 +Belo Horizonte,150,4,4,4,12,acept,not furnished,890,4200,522,56,5668 +São Paulo,90,3,4,2,9,acept,furnished,1200,5500,266,70,7036 +Rio de Janeiro,30,1,1,0,5,acept,not furnished,653,1800,26,24,2503 +São Paulo,127,2,3,1,-,acept,not furnished,0,3200,15,49,3264 +São Paulo,48,1,1,1,2,not acept,not furnished,867,2300,133,30,3330 +São Paulo,90,2,2,1,-,not acept,not furnished,0,4500,414,68,4982 +São Paulo,20,1,1,0,5,acept,furnished,602,1800,130,23,2555 +São Paulo,82,2,1,1,5,acept,not furnished,1060,3300,21,42,4423 +São Paulo,66,2,2,2,15,acept,not furnished,580,2500,116,32,3228 +São Paulo,81,3,1,1,3,acept,not furnished,900,2800,142,36,3878 +São Paulo,170,3,3,3,-,acept,not furnished,0,4200,239,64,4503 +Belo Horizonte,280,4,7,4,6,not acept,not furnished,350,3000,660,40,4050 +Belo Horizonte,70,2,1,1,2,acept,not furnished,250,1400,90,19,1759 +Porto Alegre,69,2,2,2,10,acept,not furnished,670,2500,158,37,3365 +Belo Horizonte,143,3,2,3,11,not acept,not furnished,680,2500,170,34,3384 +São Paulo,50,1,1,0,-,not acept,not furnished,0,1250,34,19,1303 +Campinas,102,3,2,0,15,acept,not furnished,918,2500,248,32,3698 +São Paulo,60,2,1,0,-,acept,not furnished,0,1200,38,19,1257 +Campinas,265,3,3,2,-,acept,not furnished,0,2400,140,37,2577 +Rio de Janeiro,76,2,1,1,3,acept,not furnished,1353,2750,179,36,4318 +São Paulo,96,3,2,2,14,not acept,furnished,1122,8500,285,108,10020 +São Paulo,70,2,1,1,7,acept,furnished,467,1800,170,23,2460 +São Paulo,140,3,4,2,11,acept,furnished,1750,12000,615,153,14520 +São Paulo,81,2,1,1,3,not acept,not furnished,710,2810,217,36,3773 +Porto Alegre,52,2,1,0,2,acept,not furnished,380,1500,55,22,1957 +São Paulo,298,5,3,3,-,acept,not furnished,0,8000,1384,121,9505 +Porto Alegre,70,2,2,2,9,acept,not furnished,535,1600,59,24,2218 +São Paulo,92,2,1,1,2,acept,not furnished,425,1536,72,20,2053 +Rio de Janeiro,190,4,3,2,17,acept,furnished,2500,9300,375,120,12300 +Porto Alegre,42,1,1,0,10,acept,not furnished,32000,700,40,11,32750 +São Paulo,40,1,1,1,6,not acept,not furnished,765,2500,34,32,3331 +Rio de Janeiro,312,4,4,3,13,acept,not furnished,4000,15000,1084,194,20280 +São Paulo,106,2,1,2,-,not acept,not furnished,0,2100,110,32,2242 +Campinas,110,3,3,2,-,acept,not furnished,560,3700,88,56,4404 +São Paulo,384,5,5,3,13,acept,not furnished,4000,8000,1240,102,13340 +Porto Alegre,69,2,1,0,2,acept,not furnished,240,1200,410,18,1868 +São Paulo,82,2,2,0,13,acept,furnished,800,4500,38,58,5396 +Belo Horizonte,500,7,6,3,-,acept,not furnished,0,15000,384,246,15630 +São Paulo,130,3,2,1,12,acept,not furnished,1267,4500,334,58,6159 +São Paulo,55,1,1,0,-,acept,not furnished,0,1500,138,23,1661 +São Paulo,170,4,4,2,4,not acept,not furnished,1411,2800,417,36,4664 +Campinas,183,4,2,0,-,acept,not furnished,920,2400,238,37,3595 +São Paulo,336,3,5,3,-,acept,furnished,299,6000,208,91,6598 +São Paulo,45,1,1,1,1,not acept,furnished,3000,5520,0,70,8590 +São Paulo,40,1,1,0,3,acept,furnished,350,1700,40,22,2112 +Belo Horizonte,45,3,1,0,-,acept,not furnished,0,1300,127,22,1449 +Rio de Janeiro,180,3,3,0,-,acept,not furnished,20,2550,170,39,2779 +São Paulo,23,1,1,0,23,acept,not furnished,399,2100,42,27,2568 +Porto Alegre,53,1,1,0,2,acept,not furnished,277,500,20,8,805 +São Paulo,100,2,2,1,6,acept,not furnished,1050,4000,240,51,5341 +São Paulo,400,4,5,4,8,acept,furnished,3884,8700,1671,111,14370 +Rio de Janeiro,92,1,3,1,10,not acept,not furnished,1450,2720,365,36,4571 +Belo Horizonte,420,6,4,0,5,acept,not furnished,927,3500,405,47,4879 +Rio de Janeiro,78,3,1,1,14,not acept,furnished,900,2800,100,37,3837 +São Paulo,70,2,1,1,11,not acept,furnished,500,1800,5,23,2328 +Campinas,500,6,5,8,-,acept,not furnished,0,8000,625,121,8746 +São Paulo,130,3,4,2,3,not acept,furnished,2500,2000,667,26,5193 +Rio de Janeiro,24,1,1,0,12,not acept,not furnished,445,2000,42,26,2513 +São Paulo,125,2,1,1,11,acept,not furnished,700,2000,63,26,2789 +São Paulo,242,3,4,2,2,acept,not furnished,2200,4500,952,58,7710 +São Paulo,69,3,1,1,1,acept,not furnished,413,1199,0,16,1628 +São Paulo,135,2,2,1,8,acept,furnished,1063,3250,159,42,4514 +Belo Horizonte,43,2,1,1,2,acept,not furnished,199,620,100,9,928 +São Paulo,565,4,5,6,-,acept,furnished,2337,14850,2112,224,19520 +Porto Alegre,62,2,1,1,6,not acept,not furnished,485,1296,54,19,1854 +Belo Horizonte,112,4,1,2,-,acept,not furnished,0,1900,212,32,2144 +São Paulo,31,1,1,1,14,acept,not furnished,478,2500,75,32,3085 +São Paulo,89,3,3,0,9,acept,furnished,990,3550,84,45,4669 +Porto Alegre,100,2,2,0,-,acept,not furnished,0,2200,0,40,2240 +São Paulo,65,2,1,0,24,acept,furnished,650,6000,200,77,6927 +Campinas,60,3,2,0,2,acept,not furnished,350,2362,88,30,2830 +Porto Alegre,75,3,2,1,3,not acept,furnished,450,1950,98,29,2527 +Porto Alegre,41,1,1,1,2,acept,not furnished,540,1150,35,17,1742 +São Paulo,100,2,1,0,1,acept,furnished,765,3300,0,42,4107 +São Paulo,288,3,2,2,-,acept,not furnished,0,3700,457,56,4213 +São Paulo,400,5,6,0,-,acept,not furnished,0,5200,0,79,5279 +São Paulo,240,3,2,1,-,acept,not furnished,0,15000,667,226,15890 +São Paulo,80,1,1,1,-,acept,not furnished,0,1150,75,18,1243 +Campinas,43,2,1,1,-,acept,not furnished,274,1000,7,13,1294 +São Paulo,25,1,1,0,1,not acept,not furnished,0,1200,35,16,1251 +São Paulo,49,2,1,1,17,not acept,furnished,665,2000,100,26,2791 +São Paulo,40,1,1,0,-,not acept,not furnished,0,970,63,15,1048 +Porto Alegre,71,2,1,0,2,acept,not furnished,0,1500,0,22,1522 +São Paulo,50,2,1,0,10,acept,not furnished,450,1430,25,19,1924 +São Paulo,44,1,1,0,-,acept,furnished,0,1800,125,28,1953 +São Paulo,400,4,2,8,-,acept,not furnished,0,7200,117,109,7426 +Porto Alegre,225,3,3,2,3,acept,not furnished,1100,3800,192,56,5148 +Rio de Janeiro,82,3,2,2,4,acept,not furnished,967,2200,92,29,3288 +São Paulo,102,3,1,1,-,acept,not furnished,0,1760,0,27,1787 +Porto Alegre,981,3,2,4,-,acept,furnished,0,7000,4500,125,11630 +Rio de Janeiro,25,1,1,0,-,acept,not furnished,50,700,0,10,760 +São Paulo,230,3,4,0,16,acept,furnished,1700,3000,700,39,5439 +São Paulo,280,3,4,3,3,acept,not furnished,1717,5200,250,66,7233 +São Paulo,69,3,1,1,8,acept,not furnished,650,1350,84,18,2102 +Rio de Janeiro,58,1,2,0,5,acept,not furnished,700,1600,90,21,2411 +Campinas,58,1,1,0,3,acept,not furnished,500,1050,38,14,1602 +Campinas,64,2,1,1,-,acept,not furnished,441,730,18,10,1199 +São Paulo,84,3,1,1,6,acept,not furnished,670,2180,100,28,2978 +Rio de Janeiro,35,1,1,0,7,not acept,not furnished,450,1100,21,15,1586 +Rio de Janeiro,78,2,1,0,5,acept,not furnished,850,1600,94,21,2565 +São Paulo,55,2,1,2,4,not acept,not furnished,780,980,142,13,1915 +São Paulo,250,4,5,4,5,acept,furnished,3500,15000,1540,191,20230 +Rio de Janeiro,110,3,2,0,7,not acept,not furnished,1100,4860,300,63,6323 +São Paulo,206,2,1,3,-,acept,not furnished,0,3500,214,53,3767 +São Paulo,150,3,4,1,-,acept,not furnished,0,4250,491,64,4805 +São Paulo,180,4,3,2,11,acept,furnished,1880,9000,460,115,11460 +São Paulo,330,4,5,4,-,acept,not furnished,0,6500,750,98,7348 +São Paulo,68,1,1,0,-,not acept,not furnished,0,1100,0,17,1117 +São Paulo,280,4,4,4,6,not acept,furnished,3200,6000,100,77,9377 +Campinas,85,3,2,1,7,acept,not furnished,915,1500,63,20,2498 +São Paulo,55,2,1,0,1,acept,not furnished,340,1530,0,20,1890 +São Paulo,90,3,2,1,13,not acept,not furnished,1100,2800,25,36,3961 +Belo Horizonte,96,3,1,1,-,not acept,not furnished,0,1200,34,20,1254 +Belo Horizonte,250,4,1,8,-,acept,not furnished,0,2125,231,35,2391 +Porto Alegre,80,2,2,1,2,acept,not furnished,500,1800,100,27,2427 +Porto Alegre,41,1,2,1,9,acept,not furnished,400,2800,67,41,3308 +São Paulo,75,2,1,3,5,not acept,not furnished,700,2500,250,32,3482 +São Paulo,800,7,7,8,-,acept,not furnished,0,9000,3000,136,12140 +Rio de Janeiro,45,1,1,0,5,acept,not furnished,750,1000,34,13,1797 +São Paulo,74,2,2,2,17,acept,not furnished,1000,5000,120,64,6184 +Belo Horizonte,160,4,3,2,-,acept,not furnished,0,3700,143,61,3904 +São Paulo,50,1,1,0,3,acept,not furnished,400,1500,59,20,1979 +São Paulo,126,2,3,1,9,acept,furnished,2000,10000,317,127,12440 +Rio de Janeiro,65,1,1,1,6,not acept,furnished,1100,4000,434,52,5586 +São Paulo,120,3,2,2,8,acept,not furnished,740,4000,238,51,5029 +Belo Horizonte,150,4,2,2,8,acept,not furnished,730,4200,396,56,5382 +Campinas,76,1,1,1,1,not acept,furnished,969,2500,130,32,3631 +São Paulo,226,4,5,4,1,acept,not furnished,4360,15000,2242,191,21790 +São Paulo,22,1,1,0,-,not acept,not furnished,0,976,0,15,991 +Campinas,154,3,3,1,14,not acept,not furnished,1700,6500,0,83,8283 +São Paulo,56,2,2,2,1,acept,not furnished,480,1630,42,21,2173 +Belo Horizonte,212,3,5,4,-,acept,not furnished,0,4200,393,69,4662 +São Paulo,62,3,2,1,4,acept,not furnished,400,1300,75,17,1792 +Rio de Janeiro,80,2,2,2,3,not acept,not furnished,4200,7800,327,101,12430 +São Paulo,420,4,4,4,7,acept,not furnished,6000,12000,2000,153,20150 +Porto Alegre,32,1,1,0,-,acept,furnished,230,750,23,11,1014 +São Paulo,30,1,1,1,9,not acept,not furnished,0,3000,0,39,3039 +Campinas,70,2,2,0,5,not acept,not furnished,0,1000,62,16,1078 +São Paulo,200,3,3,2,-,not acept,not furnished,0,6000,750,91,6841 +São Paulo,25,1,1,0,2,acept,not furnished,105,1330,0,17,1452 +São Paulo,42,1,1,1,9,acept,furnished,768,3696,17,47,4528 +São Paulo,135,3,3,2,1,acept,furnished,1650,4250,584,54,6538 +Porto Alegre,47,1,1,0,3,acept,not furnished,250,900,38,14,1202 +Porto Alegre,35,1,1,0,3,acept,furnished,200,880,15,13,1108 +São Paulo,75,3,2,0,12,not acept,furnished,800,2236,64,29,3129 +São Paulo,300,2,2,0,-,acept,furnished,0,3000,292,46,3338 +São Paulo,45,1,1,1,14,not acept,furnished,2200,2300,167,30,4697 +Belo Horizonte,850,5,7,8,-,acept,not furnished,0,10000,1,164,10170 +Porto Alegre,140,3,2,2,3,acept,not furnished,686,3000,250,44,3980 +São Paulo,60,2,1,0,-,not acept,not furnished,0,1222,0,19,1241 +São Paulo,50,1,1,0,-,not acept,not furnished,0,1250,34,19,1303 +Campinas,150,4,5,2,1,acept,not furnished,1100,2860,360,37,4357 +São Paulo,160,3,2,1,1,acept,not furnished,185,7693,223,116,8217 +São Paulo,334,3,3,8,-,acept,not furnished,0,8600,209,130,8939 +São Paulo,330,4,3,0,-,acept,not furnished,0,9800,750,148,10700 +Porto Alegre,38,1,1,0,4,acept,furnished,190,1800,20,27,2037 +Belo Horizonte,280,4,7,4,6,not acept,not furnished,350,3000,642,40,4032 +São Paulo,200,3,3,2,12,acept,not furnished,2000,6500,417,83,9000 +São Paulo,100,4,5,2,7,acept,not furnished,2400,8500,500,108,11510 +Rio de Janeiro,80,2,1,0,2,acept,furnished,515,1400,101,19,2035 +São Paulo,267,3,6,6,-,acept,not furnished,0,4800,470,73,5343 +Rio de Janeiro,130,3,1,1,2,acept,not furnished,1000,3500,184,46,4730 +Belo Horizonte,70,2,3,1,12,acept,furnished,700,2450,165,33,3348 +São Paulo,213,3,5,5,10,acept,not furnished,3800,6200,0,79,10080 +São Paulo,35,1,1,0,-,not acept,not furnished,0,780,40,12,832 +Belo Horizonte,312,4,5,4,15,acept,not furnished,3150,15000,1747,200,20100 +São Paulo,160,3,4,3,4,acept,not furnished,2087,2500,298,32,4917 +São Paulo,22,1,1,0,26,acept,not furnished,295,2000,44,26,2365 +São Paulo,400,4,4,3,1,acept,furnished,3000,10000,0,127,13130 +São Paulo,45,1,2,1,11,acept,not furnished,495,2100,99,27,2721 +São Paulo,237,4,4,0,13,not acept,not furnished,3168,8000,1031,102,12300 +São Paulo,180,3,3,0,-,acept,not furnished,0,13000,715,196,13910 +São Paulo,30,1,1,0,2,not acept,not furnished,349,1805,0,23,2177 +São Paulo,13,1,1,0,2,acept,not furnished,0,2200,42,28,2270 +São Paulo,140,4,4,2,-,acept,furnished,0,6800,107,103,7010 +Belo Horizonte,62,2,1,1,3,acept,not furnished,100,1050,84,14,1248 +Rio de Janeiro,76,2,1,0,3,acept,not furnished,625,1000,50,13,1688 +São Paulo,220,3,4,4,15,acept,not furnished,1587,4250,711,54,6602 +Campinas,143,3,3,2,6,acept,not furnished,1600,3300,250,42,5192 +Campinas,44,2,1,0,2,acept,not furnished,272,650,0,9,931 +São Paulo,90,3,2,1,10,acept,not furnished,934,1450,65,19,2468 +Belo Horizonte,190,4,3,3,10,acept,furnished,1384,4800,357,64,6605 +São Paulo,79,2,3,1,14,acept,not furnished,2500,3100,500,40,6140 +São Paulo,45,1,1,2,8,acept,not furnished,695,1800,170,23,2688 +Campinas,73,3,2,2,17,acept,not furnished,570,2400,125,31,3126 +São Paulo,168,3,4,5,7,acept,furnished,1610,3600,190,46,5446 +São Paulo,95,3,2,3,20,not acept,not furnished,687,2500,41,32,3260 +Porto Alegre,180,2,2,1,4,acept,not furnished,170,2001,25,30,2226 +Porto Alegre,65,2,2,0,5,not acept,not furnished,485,1390,87,21,1983 +Belo Horizonte,110,4,2,0,-,acept,not furnished,0,1850,0,31,1881 +São Paulo,58,1,1,1,13,acept,furnished,750,4700,200,60,5710 +Belo Horizonte,15,1,1,0,-,acept,not furnished,45,665,0,9,719 +São Paulo,213,4,3,5,-,acept,not furnished,0,3900,298,59,4257 +São Paulo,162,4,4,3,7,not acept,not furnished,1500,5500,891,70,7961 +São Paulo,49,1,1,0,12,not acept,furnished,443,3800,89,49,4381 +São Paulo,32,1,1,0,2,acept,not furnished,0,1400,0,18,1418 +Belo Horizonte,78,3,2,2,16,acept,not furnished,875,2300,229,31,3435 +Porto Alegre,240,4,4,2,-,acept,not furnished,0,5000,630,89,5719 +Campinas,150,3,2,1,-,acept,not furnished,0,1320,167,20,1507 +Belo Horizonte,60,2,1,1,2,acept,not furnished,275,1200,97,16,1588 +Belo Horizonte,160,3,2,3,4,not acept,not furnished,460,3500,177,47,4184 +São Paulo,74,2,2,2,7,acept,not furnished,1100,3400,163,44,4707 +São Paulo,280,4,4,8,-,acept,not furnished,0,7040,688,106,7834 +Porto Alegre,42,1,1,0,6,not acept,not furnished,320,850,21,13,1204 +Porto Alegre,102,3,2,5,-,acept,not furnished,0,2975,103,53,3131 +São Paulo,123,3,2,2,11,acept,not furnished,1342,2174,283,28,3827 +Porto Alegre,50,2,1,1,-,acept,not furnished,0,1000,25,18,1043 +São Paulo,125,3,2,2,-,acept,not furnished,0,1700,5,26,1731 +Porto Alegre,240,3,2,4,-,acept,not furnished,0,5500,500,98,6098 +São Paulo,85,3,2,3,3,acept,furnished,1100,1999,153,26,3278 +Belo Horizonte,260,4,5,4,5,acept,not furnished,2405,15000,153,200,17760 +São Paulo,22,1,1,0,-,not acept,not furnished,0,870,0,14,884 +São Paulo,278,3,2,1,11,acept,not furnished,2640,7800,601,99,11140 +São Paulo,18,1,1,0,8,acept,not furnished,400,1130,30,15,1575 +Rio de Janeiro,196,3,4,1,11,acept,not furnished,1500,5500,500,71,7571 +São Paulo,26,1,1,0,3,acept,not furnished,200,3500,1,45,3746 +São Paulo,100,4,2,2,-,acept,not furnished,0,3500,42,53,3595 +São Paulo,460,4,3,6,8,acept,not furnished,4400,10000,1667,127,16190 +São Paulo,189,4,3,2,5,not acept,furnished,2300,6500,584,83,9467 +São Paulo,226,3,3,0,-,acept,furnished,0,6000,34,91,6125 +São Paulo,418,2,4,3,17,not acept,not furnished,5274,6875,117,88,12350 +Campinas,660,5,5,4,-,acept,not furnished,1400,5000,1000,76,7476 +Campinas,120,1,2,1,-,acept,not furnished,0,1112,0,17,1129 +São Paulo,70,2,1,1,1,acept,not furnished,484,1100,20,14,1618 +São Paulo,400,10,5,8,-,acept,not furnished,0,10900,1417,164,12480 +Campinas,82,3,3,2,4,acept,not furnished,550,1500,153,20,2223 +São Paulo,210,3,4,4,11,acept,furnished,2000,15000,1000,191,18190 +São Paulo,92,3,2,2,11,acept,not furnished,660,1900,105,25,2690 +Belo Horizonte,64,3,1,0,3,not acept,not furnished,215,1400,27,19,1661 +Porto Alegre,35,2,1,0,1,not acept,furnished,0,1350,0,20,1370 +São Paulo,120,2,2,2,-,acept,not furnished,0,2690,226,41,2957 +São Paulo,16,1,1,0,1,not acept,not furnished,0,1200,59,16,1275 +Porto Alegre,60,2,1,0,2,acept,not furnished,300,950,0,14,1264 +Campinas,223,3,5,2,2,acept,not furnished,1400,3300,290,42,5032 +São Paulo,50,1,1,0,-,not acept,not furnished,0,800,0,13,813 +Porto Alegre,30,1,1,0,5,acept,not furnished,400,940,35,14,1389 +São Paulo,111,2,2,1,14,not acept,not furnished,1400,3500,175,45,5120 +São Paulo,290,4,3,2,1,not acept,furnished,2890,7150,862,91,10990 +Campinas,80,3,1,1,1,acept,not furnished,380,1328,50,10,1768 +São Paulo,353,4,5,5,46,acept,not furnished,3000,10000,0,127,13130 +São Paulo,55,2,1,1,18,acept,not furnished,635,1990,80,26,2731 +Campinas,49,2,1,1,1,acept,not furnished,263,1000,38,13,1314 +Rio de Janeiro,50,2,1,0,4,acept,not furnished,450,850,21,11,1332 +São Paulo,182,4,4,2,10,acept,not furnished,2965,6000,605,77,9647 +São Paulo,42,1,1,1,9,acept,furnished,565,3800,24,49,4438 +São Paulo,500,5,7,5,22,acept,not furnished,5500,14000,2084,178,21760 +São Paulo,56,1,1,0,-,not acept,not furnished,0,1200,48,19,1267 +Rio de Janeiro,170,3,2,1,9,acept,not furnished,2000,4600,384,60,7044 +São Paulo,160,3,3,2,8,acept,not furnished,2000,5000,570,64,7634 +São Paulo,70,1,1,2,-,acept,not furnished,0,1300,63,20,1383 +Campinas,120,2,1,4,-,acept,not furnished,0,2400,59,37,2496 +Rio de Janeiro,65,2,1,1,3,acept,furnished,550,1650,0,22,2222 +São Paulo,300,4,4,6,7,not acept,furnished,4000,5500,1180,70,10750 +São Paulo,140,3,2,2,8,acept,furnished,1050,12000,209,153,13410 +São Paulo,108,2,3,2,-,acept,not furnished,450,2100,250,32,2832 +Porto Alegre,220,3,3,4,-,acept,not furnished,0,2500,2360,45,4905 +São Paulo,157,3,3,4,19,acept,not furnished,1300,4900,725,63,6988 +São Paulo,101,3,4,2,5,acept,not furnished,1300,3120,340,40,4800 +São Paulo,87,3,2,4,14,acept,not furnished,800,2000,67,26,2893 +Campinas,123,3,2,2,13,acept,not furnished,834,2000,148,26,3008 +São Paulo,67,1,2,1,12,acept,furnished,815,2479,117,32,3443 +São Paulo,200,3,3,8,-,acept,not furnished,0,4480,509,68,5057 +São Paulo,48,2,1,1,8,acept,not furnished,545,1720,0,22,2287 +Belo Horizonte,51,2,1,1,2,acept,not furnished,260,700,27,10,997 +São Paulo,54,2,1,1,5,not acept,not furnished,245,1300,4,17,1566 +São Paulo,280,3,3,2,9,acept,furnished,3000,5650,692,72,9414 +São Paulo,172,3,4,3,5,acept,furnished,1650,7800,890,99,10440 +São Paulo,136,3,2,2,13,acept,furnished,1259,15000,374,191,16820 +São Paulo,300,4,2,0,5,acept,not furnished,6000,15000,834,191,22030 +São Paulo,26,1,1,0,6,acept,furnished,250,2300,42,30,2622 +Rio de Janeiro,52,1,1,0,2,acept,not furnished,477,1172,50,16,1715 +Rio de Janeiro,72,2,2,1,5,acept,not furnished,500,1200,5,16,1721 +Rio de Janeiro,240,3,3,1,8,acept,furnished,2300,7000,417,91,9808 +São Paulo,100,3,2,6,-,acept,not furnished,0,7500,1000,113,8613 +Rio de Janeiro,145,3,3,2,4,not acept,not furnished,4000,11960,0,155,16120 +São Paulo,60,2,2,2,-,acept,not furnished,165,1950,67,30,2212 +Porto Alegre,260,2,2,1,3,acept,not furnished,170,2000,25,30,2225 +Belo Horizonte,28,1,1,0,-,not acept,furnished,550,1100,0,15,1665 +Campinas,25,1,1,0,3,not acept,not furnished,300,1000,0,13,1313 +São Paulo,45,2,1,1,9,acept,not furnished,300,1920,34,25,2279 +Belo Horizonte,115,3,2,2,3,acept,not furnished,450,1950,133,26,2559 +Porto Alegre,48,2,1,0,4,acept,not furnished,468,800,28,12,1308 +São Paulo,150,3,3,8,-,acept,not furnished,0,8000,1084,121,9205 +São Paulo,160,4,3,2,-,acept,not furnished,0,3800,250,58,4108 +São Paulo,700,4,4,4,-,acept,not furnished,0,10000,21880,151,32040 +São Paulo,340,4,6,4,11,not acept,not furnished,4800,7650,1667,97,14210 +Rio de Janeiro,25,1,1,0,3,acept,not furnished,561,1513,0,7,2081 +São Paulo,79,3,2,2,11,acept,not furnished,652,1290,90,17,2049 +São Paulo,35,1,1,1,2,acept,not furnished,530,1600,134,21,2285 +São Paulo,270,3,4,0,1,acept,not furnished,0,3500,165,45,3710 +São Paulo,156,3,4,3,7,not acept,not furnished,1417,5000,500,64,6981 +São Paulo,50,1,1,1,8,acept,furnished,600,2800,0,20,3420 +São Paulo,60,1,1,2,2,not acept,not furnished,3398,1900,288,25,5611 +São Paulo,140,3,4,3,18,acept,not furnished,1100,4000,489,51,5640 +São Paulo,53,1,1,0,2,not acept,not furnished,170,1680,68,22,1940 +São Paulo,200,4,4,4,-,acept,not furnished,0,4220,450,64,4734 +Belo Horizonte,125,4,2,2,1,not acept,not furnished,1100,2100,267,28,3495 +São Paulo,160,3,4,3,-,acept,furnished,0,9350,0,141,9491 +Campinas,300,4,5,3,9,acept,not furnished,1650,9500,459,121,11730 +Belo Horizonte,175,3,3,2,4,acept,furnished,400,3700,205,50,4355 +Rio de Janeiro,158,3,2,2,14,acept,furnished,2000,8000,445,104,10550 +Rio de Janeiro,110,3,2,1,4,acept,not furnished,1200,2850,259,37,4346 +São Paulo,168,3,2,2,-,acept,not furnished,0,2500,152,38,2690 +São Paulo,120,3,1,2,-,not acept,not furnished,0,3500,117,53,3670 +Belo Horizonte,230,4,3,4,7,acept,furnished,3100,15000,1500,200,19800 +São Paulo,255,3,4,2,10,acept,furnished,2600,6000,500,77,9177 +São Paulo,23,1,1,1,26,acept,not furnished,472,2300,59,30,2861 +São Paulo,120,3,2,1,1,not acept,not furnished,870,2500,160,32,3562 +São Paulo,45,1,1,2,8,acept,not furnished,695,1800,170,23,2688 +Belo Horizonte,154,3,2,1,1,acept,not furnished,300,2000,159,27,2486 +Rio de Janeiro,50,1,1,1,13,not acept,furnished,0,4520,0,59,4579 +Rio de Janeiro,104,3,2,2,4,acept,furnished,1549,7000,337,91,8977 +São Paulo,50,2,1,1,9,acept,not furnished,978,2430,124,31,3563 +Porto Alegre,75,2,2,1,6,acept,not furnished,383,1400,117,21,1921 +São Paulo,145,3,2,1,2,acept,furnished,1017,2000,12,26,3055 +São Paulo,211,3,5,3,12,acept,furnished,2500,7000,750,89,10340 +São Paulo,30,1,1,0,2,not acept,not furnished,0,2060,0,27,2087 +Campinas,170,4,3,1,10,not acept,not furnished,1470,3700,0,47,5217 +São Paulo,86,2,2,1,4,acept,not furnished,690,1900,93,25,2708 +Rio de Janeiro,230,3,4,3,10,acept,not furnished,2000,3000,556,39,5595 +São Paulo,61,1,2,2,1,not acept,furnished,2200,4000,250,51,6501 +São Paulo,383,4,4,5,11,not acept,not furnished,2189,3004,709,39,5941 +São Paulo,210,3,3,0,-,acept,not furnished,0,5500,734,83,6317 +São Paulo,60,2,2,1,14,not acept,furnished,916,5650,59,72,6697 +São Paulo,213,4,6,4,1,acept,furnished,3200,8500,970,108,12780 +Porto Alegre,93,2,2,3,6,acept,furnished,873,3900,224,57,5054 +São Paulo,50,1,1,1,20,not acept,furnished,781,5300,212,68,6361 +São Paulo,149,2,3,3,21,acept,not furnished,1603,4500,883,58,7044 +São Paulo,410,4,5,5,1,acept,not furnished,0,20000,0,254,20250 +São Paulo,40,1,1,1,14,acept,furnished,474,3175,105,41,3795 +Rio de Janeiro,46,1,1,0,11,acept,furnished,659,1500,101,20,2280 +São Paulo,378,4,4,8,-,acept,furnished,0,10000,1334,151,11490 +São Paulo,60,2,2,2,11,acept,furnished,760,3800,132,49,4741 +Rio de Janeiro,180,2,3,1,3,acept,furnished,2500,8500,700,110,11810 +Belo Horizonte,70,2,2,2,1,not acept,not furnished,300,1450,94,20,1864 +São Paulo,68,2,1,1,9,acept,not furnished,0,2100,0,27,2127 +Rio de Janeiro,85,2,2,1,4,acept,not furnished,763,1800,78,24,2665 +Belo Horizonte,140,4,2,2,2,acept,not furnished,450,2281,221,31,2983 +Belo Horizonte,52,2,2,1,2,not acept,not furnished,360,1650,86,22,2118 +Porto Alegre,63,2,2,0,7,not acept,furnished,400,2600,109,38,3147 +São Paulo,65,2,2,2,13,acept,furnished,1084,3300,207,42,4633 +Belo Horizonte,60,3,1,1,1,acept,not furnished,348,950,63,13,1374 +Belo Horizonte,27,1,1,0,2,not acept,not furnished,0,1167,334,16,1517 +São Paulo,260,4,4,3,11,not acept,not furnished,3500,15000,1417,191,20110 +São Paulo,44,1,1,1,13,acept,not furnished,400,1200,0,16,1616 +São Paulo,170,3,3,2,-,acept,not furnished,0,4850,334,73,5257 +São Paulo,118,3,2,1,11,not acept,not furnished,1116,4775,185,61,6137 +São Paulo,114,3,2,2,9,acept,not furnished,900,3780,100,48,4828 +Belo Horizonte,154,4,2,2,2,acept,not furnished,1465,2800,305,38,4608 +Rio de Janeiro,108,3,1,1,3,not acept,furnished,2300,15000,334,194,17830 +São Paulo,147,3,2,2,4,acept,furnished,1313,3600,414,46,5373 +São Paulo,365,3,4,3,15,acept,not furnished,3700,12000,1250,153,17100 +Porto Alegre,109,3,2,1,2,acept,furnished,681,2423,193,36,3333 +Belo Horizonte,148,3,3,2,3,acept,furnished,284,2500,104,34,2922 +São Paulo,250,3,4,2,-,acept,not furnished,0,6000,75,91,6166 +Campinas,79,2,1,1,3,not acept,not furnished,245,1000,25,13,1283 +Rio de Janeiro,66,2,1,1,9,acept,not furnished,997,2400,179,31,3607 +Campinas,54,1,1,1,6,not acept,not furnished,0,1370,31,18,1419 +Campinas,87,3,1,1,6,acept,not furnished,730,1200,64,16,2010 +São Paulo,640,4,4,4,12,acept,furnished,5400,10200,1584,130,17310 +São Paulo,71,2,1,0,3,acept,furnished,613,1040,0,14,1667 +São Paulo,35,1,1,1,6,not acept,furnished,886,1250,90,16,2242 +São Paulo,57,2,2,1,2,not acept,furnished,584,2300,50,30,2964 +São Paulo,38,1,1,0,8,not acept,not furnished,480,1220,25,16,1741 +Rio de Janeiro,70,2,2,1,3,acept,not furnished,990,3700,122,48,4860 +São Paulo,350,2,4,8,-,not acept,not furnished,0,3300,450,50,3800 +Rio de Janeiro,300,4,3,2,5,not acept,furnished,2500,12000,750,155,15410 +Porto Alegre,80,2,2,0,8,acept,not furnished,430,1320,121,20,1891 +Rio de Janeiro,160,3,3,1,4,acept,not furnished,1050,2900,317,38,4305 +Porto Alegre,117,3,2,2,10,acept,not furnished,1564,5500,167,81,7312 +Porto Alegre,112,3,2,2,3,acept,furnished,800,4100,100,60,5060 +Rio de Janeiro,100,2,2,1,-,acept,not furnished,0,1870,0,29,1899 +Rio de Janeiro,160,4,2,1,2,acept,not furnished,1500,4230,0,55,5785 +Porto Alegre,68,2,1,0,3,acept,not furnished,270,700,19,11,1000 +São Paulo,530,4,4,4,4,not acept,not furnished,3857,5000,1636,64,10560 +São Paulo,210,3,2,2,-,acept,furnished,0,3500,101,53,3654 +Rio de Janeiro,33,1,1,0,8,not acept,furnished,600,3300,100,25,4025 +São Paulo,40,2,1,0,3,acept,not furnished,348,1100,0,14,1462 +Belo Horizonte,200,5,5,8,-,acept,not furnished,0,6000,1017,99,7116 +São Paulo,58,2,1,2,10,acept,not furnished,383,1360,0,18,1761 +São Paulo,120,3,3,2,6,acept,not furnished,1800,3400,134,44,5378 +São Paulo,162,3,4,0,-,acept,not furnished,0,3200,267,49,3516 +São Paulo,301,4,5,4,3,acept,furnished,4265,12500,1600,159,18520 +São Paulo,40,1,1,0,1,not acept,not furnished,150,1800,38,23,2011 +Rio de Janeiro,45,1,1,0,5,acept,not furnished,750,1000,34,13,1797 +Rio de Janeiro,135,3,2,1,2,acept,not furnished,1940,3060,428,40,5468 +São Paulo,135,3,2,1,4,acept,not furnished,1378,3290,279,42,4989 +Porto Alegre,102,3,2,2,8,acept,furnished,1125,5525,225,81,6956 +São Paulo,76,2,2,2,6,acept,not furnished,978,1400,123,18,2519 +São Paulo,180,4,1,1,13,acept,not furnished,2420,8500,400,108,11430 +Belo Horizonte,72,2,2,1,-,acept,not furnished,0,1250,66,21,1337 +São Paulo,128,2,3,1,4,acept,not furnished,755,4339,85,55,5234 +Campinas,60,3,2,0,2,acept,not furnished,350,2362,88,30,2830 +São Paulo,44,1,1,0,4,acept,furnished,450,2500,30,32,3012 +São Paulo,189,3,3,1,12,acept,not furnished,2143,5800,371,74,8388 +Porto Alegre,450,6,2,8,-,acept,not furnished,0,4000,197,72,4269 +São Paulo,286,4,4,5,-,acept,not furnished,0,10800,1125,163,12090 +São Paulo,276,4,6,4,10,acept,furnished,3450,4500,1713,58,9721 +São Paulo,60,1,2,1,9,not acept,furnished,844,3800,0,49,4693 +São Paulo,40,1,1,0,-,not acept,not furnished,0,880,48,14,942 +Rio de Janeiro,57,2,2,1,4,acept,not furnished,600,1800,0,24,2424 +Campinas,45,1,1,1,3,acept,not furnished,521,600,38,8,1167 +São Paulo,42,1,1,1,12,not acept,furnished,712,3500,22,45,4279 +Rio de Janeiro,68,2,1,1,2,acept,not furnished,560,1100,42,15,1717 +Rio de Janeiro,120,3,2,1,4,acept,not furnished,1650,4800,355,62,6867 +São Paulo,360,4,4,2,4,acept,not furnished,3340,11050,0,141,14530 +São Paulo,140,2,1,0,-,acept,not furnished,0,1650,167,25,1842 +São Paulo,35,1,1,0,-,acept,not furnished,0,1100,30,14,1144 +São Paulo,16,1,1,0,1,not acept,not furnished,0,910,0,12,922 +Campinas,110,3,1,1,13,acept,not furnished,780,1100,108,9,1997 +Campinas,69,2,1,1,7,not acept,not furnished,485,980,60,13,1538 +Belo Horizonte,59,2,2,0,2,not acept,furnished,510,1400,112,19,2041 +São Paulo,336,4,4,6,-,acept,not furnished,0,7677,950,116,8743 +São Paulo,210,4,4,3,5,acept,furnished,2800,5000,917,64,8781 +São Paulo,242,4,5,4,4,acept,furnished,3270,12000,930,153,16350 +Porto Alegre,28,1,1,0,4,acept,not furnished,350,550,21,9,930 +São Paulo,220,4,3,3,2,not acept,furnished,4208,9000,1203,115,14530 +Porto Alegre,62,3,2,1,1,not acept,not furnished,485,1629,54,24,2192 +Rio de Janeiro,111,3,2,2,11,acept,furnished,1100,3500,325,46,4971 +Campinas,159,3,2,2,1,acept,not furnished,1000,2500,334,32,3866 +Rio de Janeiro,70,2,2,0,5,acept,furnished,690,2250,100,29,3069 +São Paulo,150,3,2,2,2,acept,not furnished,1181,2000,384,26,3591 +São Paulo,50,1,1,1,17,acept,furnished,776,4000,126,51,4953 +São Paulo,450,3,3,8,-,acept,furnished,0,5015,400,76,5491 +Belo Horizonte,64,2,1,1,2,acept,not furnished,252,850,78,12,1192 +São Paulo,600,5,7,5,-,acept,not furnished,0,5200,155,79,5434 +São Paulo,70,1,1,0,8,acept,not furnished,430,3200,109,41,3780 +São Paulo,76,3,2,0,6,acept,not furnished,1160,1240,95,16,2511 +São Paulo,280,3,3,4,-,acept,not furnished,0,6520,834,99,7453 +São Paulo,172,2,4,3,23,acept,not furnished,1400,11000,775,140,13320 +São Paulo,246,3,4,4,3,acept,furnished,3800,12000,750,153,16700 +São Paulo,64,2,1,1,8,acept,not furnished,400,1500,101,20,2021 +Belo Horizonte,30,1,1,0,2,not acept,not furnished,0,550,0,8,558 +São Paulo,80,3,2,1,-,acept,not furnished,0,2170,47,33,2250 +Rio de Janeiro,87,3,1,1,7,acept,not furnished,786,1800,159,24,2769 +Porto Alegre,50,1,1,1,7,acept,not furnished,250,800,0,12,1062 +Porto Alegre,50,1,1,0,6,acept,not furnished,400,800,20,12,1232 +São Paulo,30,1,1,0,-,not acept,not furnished,0,1850,167,28,2045 +São Paulo,43,1,1,0,6,acept,not furnished,219,1472,42,6,1739 +São Paulo,300,3,4,0,-,acept,furnished,0,10000,2000,151,12150 +Campinas,58,1,2,1,10,not acept,not furnished,850,750,40,10,1650 +São Paulo,30,1,1,1,14,not acept,not furnished,1379,1660,18,22,3079 +São Paulo,54,2,1,0,2,not acept,not furnished,571,1700,135,22,2428 +Rio de Janeiro,80,2,2,1,2,not acept,not furnished,1050,3500,167,46,4763 +Porto Alegre,62,2,2,1,10,acept,not furnished,480,1600,9,24,2113 +Porto Alegre,66,2,2,0,3,acept,not furnished,550,1200,50,18,1818 +São Paulo,80,2,2,1,2,acept,not furnished,400,1500,36,20,1956 +São Paulo,560,4,4,7,2,acept,not furnished,8600,15000,5000,191,28790 +São Paulo,30,1,1,1,5,acept,furnished,500,3900,84,50,4534 +São Paulo,50,1,1,0,-,acept,not furnished,0,1600,0,25,1625 +Rio de Janeiro,81,2,2,1,8,acept,furnished,615,3500,225,46,4386 +São Paulo,218,4,4,4,3,not acept,not furnished,2488,4930,1454,63,8935 +Campinas,54,2,1,2,6,acept,not furnished,300,1200,46,16,1562 +Rio de Janeiro,60,2,1,0,-,not acept,not furnished,0,1200,0,19,1219 +Belo Horizonte,100,3,1,1,2,acept,not furnished,150,1200,0,16,1366 +São Paulo,156,2,3,2,8,acept,furnished,2040,13590,292,173,16090 +São Paulo,300,3,4,3,1,acept,furnished,3000,4000,0,51,7051 +São Paulo,39,1,1,1,3,not acept,furnished,680,2500,115,32,3327 +São Paulo,150,4,3,4,-,acept,not furnished,0,3000,500,46,3546 +São Paulo,140,2,3,4,10,acept,furnished,2300,6170,417,79,8966 +São Paulo,240,4,4,3,1,acept,not furnished,2800,4200,792,54,7846 +São Paulo,70,2,1,0,-,acept,not furnished,0,1300,70,20,1390 +Campinas,462,4,7,4,-,acept,not furnished,0,5000,590,76,5666 +Campinas,67,3,1,1,1,not acept,not furnished,351,890,40,12,1293 +Belo Horizonte,100,2,1,0,-,acept,not furnished,0,1200,63,20,1283 +Belo Horizonte,113,3,3,1,1,acept,not furnished,350,1100,88,15,1553 +São Paulo,99,3,2,1,3,acept,not furnished,390,2500,90,32,3012 +São Paulo,120,2,1,1,-,acept,not furnished,0,2100,175,32,2307 +São Paulo,110,3,2,3,-,acept,not furnished,0,2600,400,40,3040 +Porto Alegre,38,1,1,1,5,acept,not furnished,342,980,51,15,1388 +Campinas,100,3,1,1,7,acept,not furnished,999,1090,94,14,2197 +Rio de Janeiro,135,4,2,2,7,acept,not furnished,1378,4200,468,55,6101 +Rio de Janeiro,130,3,2,1,10,acept,furnished,1338,3250,450,42,5080 +Belo Horizonte,80,3,2,1,1,acept,not furnished,305,1200,122,16,1643 +São Paulo,300,3,2,5,-,acept,not furnished,0,11500,2000,173,13670 +Belo Horizonte,72,2,1,2,4,not acept,not furnished,195,1300,97,18,1610 +São Paulo,70,3,2,2,3,acept,not furnished,1058,1659,44,22,2783 +São Paulo,395,4,4,3,16,acept,furnished,2137,15000,834,191,18160 +Porto Alegre,540,6,8,3,-,acept,not furnished,0,15000,467,267,15730 +São Paulo,318,4,6,4,13,acept,furnished,3450,10160,0,129,13740 +Belo Horizonte,42,2,1,1,5,acept,not furnished,170,900,27,12,1109 +Rio de Janeiro,52,1,1,1,1,acept,not furnished,613,1400,22,19,2054 +São Paulo,167,3,2,1,7,acept,not furnished,1787,10850,532,138,13310 +São Paulo,50,1,1,0,6,not acept,not furnished,467,1209,129,8,1813 +Campinas,65,2,2,1,4,not acept,not furnished,412,1000,45,13,1470 +São Paulo,140,4,4,3,5,acept,not furnished,1800,3600,583,46,6029 +São Paulo,92,3,1,1,3,acept,not furnished,340,1600,4,21,1965 +Belo Horizonte,150,4,3,3,5,not acept,not furnished,1200,3300,293,44,4837 +Campinas,60,1,1,0,3,acept,not furnished,250,1300,75,17,1642 +Belo Horizonte,308,4,5,6,18,acept,furnished,2000,13500,173,180,15850 +São Paulo,159,2,3,1,8,not acept,furnished,1276,3230,49,41,4596 +São Paulo,240,3,5,4,-,acept,not furnished,0,7500,459,113,8072 +Porto Alegre,65,3,2,0,5,not acept,not furnished,450,1690,86,25,2251 +São Paulo,200,3,2,2,-,acept,not furnished,0,5000,167,76,5243 +Campinas,130,3,5,2,2,acept,not furnished,1170,3610,209,46,5035 +Rio de Janeiro,21,1,1,0,11,acept,not furnished,519,1200,0,16,1735 +São Paulo,68,2,1,1,5,acept,not furnished,525,1600,142,21,2288 +Porto Alegre,40,1,1,0,4,acept,not furnished,450,900,38,14,1402 +Belo Horizonte,310,4,3,6,-,acept,not furnished,0,3100,187,51,3338 +Campinas,103,2,1,1,4,not acept,not furnished,635,1060,84,14,1793 +Rio de Janeiro,650,5,7,4,-,acept,furnished,4100,15000,4241,229,23570 +Campinas,30,1,1,0,5,not acept,furnished,380,500,10,7,897 +Belo Horizonte,155,4,5,3,5,not acept,not furnished,1200,5000,593,67,6860 +São Paulo,107,2,2,1,-,acept,not furnished,400,2600,0,33,3033 +São Paulo,340,4,5,5,16,acept,furnished,5200,12000,3400,153,20750 +Belo Horizonte,70,3,1,0,3,not acept,not furnished,275,1200,104,16,1595 +Belo Horizonte,58,2,2,1,4,acept,not furnished,310,950,86,13,1359 +São Paulo,70,3,2,1,6,not acept,furnished,569,3300,159,42,4070 +São Paulo,240,3,3,0,-,acept,not furnished,300,4300,292,65,4957 +Rio de Janeiro,130,3,2,1,5,acept,not furnished,1300,2800,300,37,4437 +São Paulo,310,5,6,5,5,acept,not furnished,6900,10000,1834,127,18860 +Rio de Janeiro,60,1,1,1,10,acept,not furnished,731,1300,54,17,2102 +São Paulo,319,4,6,5,16,not acept,not furnished,5000,10050,2900,128,18080 +Porto Alegre,81,2,1,0,2,acept,not furnished,350,1150,5,17,1522 +Belo Horizonte,306,3,5,0,-,acept,not furnished,0,8000,0,132,8132 +São Paulo,113,2,2,1,6,acept,not furnished,1000,3000,50,39,4089 +São Paulo,280,3,4,2,3,not acept,not furnished,4000,6000,1059,77,11140 +São Paulo,270,3,3,3,16,acept,not furnished,2800,13000,959,165,16920 +São Paulo,78,2,1,1,7,acept,not furnished,645,2000,35,26,2706 +São Paulo,60,1,2,1,-,acept,not furnished,0,1500,30,23,1553 +São Paulo,30,1,1,0,-,acept,not furnished,0,750,59,12,821 +Rio de Janeiro,58,2,1,1,10,acept,not furnished,594,800,77,11,1482 +Rio de Janeiro,65,1,1,0,2,acept,not furnished,350,1800,30,24,2204 +São Paulo,58,1,1,1,1,not acept,not furnished,580,1740,75,23,2418 +São Paulo,22,1,1,0,25,acept,not furnished,385,2100,40,27,2552 +São Paulo,32,1,1,1,13,not acept,furnished,811,3200,174,41,4226 +Campinas,176,3,5,3,3,acept,not furnished,1350,5200,442,66,7058 +Belo Horizonte,350,7,5,4,-,acept,not furnished,0,7500,357,123,7980 +São Paulo,260,4,4,2,5,acept,furnished,2570,4400,584,56,7610 +São Paulo,100,2,1,0,-,acept,not furnished,0,2300,198,35,2533 +Rio de Janeiro,65,1,1,0,10,not acept,furnished,750,3500,142,46,4438 +Rio de Janeiro,600,7,6,1,12,not acept,furnished,1300,15000,1167,194,17660 +Rio de Janeiro,300,4,3,1,-,acept,not furnished,0,5000,367,77,5444 +São Paulo,430,4,3,4,-,acept,not furnished,0,8500,1427,128,10060 +São Paulo,260,5,5,4,20,not acept,not furnished,4000,8000,2620,102,14720 +Belo Horizonte,211,3,4,3,-,not acept,not furnished,0,8400,292,138,8830 +Campinas,103,3,2,1,9,not acept,not furnished,885,1800,113,23,2821 +Porto Alegre,62,2,2,0,2,acept,not furnished,400,1556,100,23,2079 +Rio de Janeiro,80,2,2,1,1,acept,furnished,1100,3499,205,46,4850 +São Paulo,60,1,1,1,-,not acept,not furnished,0,1180,0,18,1198 +São Paulo,27,1,1,0,5,not acept,not furnished,1404,3500,1,45,4950 +São Paulo,486,4,6,5,8,not acept,not furnished,4614,4861,3772,62,13310 +São Paulo,40,1,1,1,12,acept,furnished,480,1680,102,22,2284 +Rio de Janeiro,60,2,1,0,7,acept,furnished,806,2800,97,37,3740 +Rio de Janeiro,64,2,2,0,10,acept,not furnished,665,2200,104,29,2998 +Campinas,660,5,7,4,17,acept,not furnished,5381,10000,1100,127,16610 +São Paulo,62,3,2,1,5,acept,not furnished,487,2400,54,31,2972 +Porto Alegre,50,2,1,1,3,acept,not furnished,180,946,0,14,1140 +São Paulo,380,3,4,4,-,acept,not furnished,0,8000,952,121,9073 +Campinas,134,3,3,2,7,not acept,not furnished,1000,2500,177,32,3709 +São Paulo,74,2,2,0,4,acept,furnished,1105,3600,210,46,4961 +Belo Horizonte,68,2,2,1,5,acept,furnished,1183,2500,207,34,3924 +Rio de Janeiro,33,1,1,0,2,acept,not furnished,470,1600,72,21,2163 +São Paulo,60,2,1,0,-,acept,not furnished,0,1100,0,17,1117 +São Paulo,50,1,1,1,25,not acept,furnished,707,3700,30,47,4484 +São Paulo,57,2,2,2,6,acept,not furnished,834,1630,189,21,2674 +São Paulo,39,1,1,1,4,acept,not furnished,529,995,49,13,1586 +Porto Alegre,45,1,1,1,1,not acept,not furnished,30,760,0,12,802 +São Paulo,221,3,2,2,7,acept,not furnished,1980,4500,200,58,6738 +São Paulo,140,3,2,0,8,acept,furnished,2500,1799,375,23,4697 +Rio de Janeiro,650,5,4,2,9,acept,not furnished,5718,9000,1431,116,16270 +São Paulo,210,5,4,1,-,acept,not furnished,0,15000,1667,226,16890 +Belo Horizonte,100,4,2,3,10,acept,not furnished,1027,2600,238,35,3900 +Rio de Janeiro,220,3,3,2,4,acept,furnished,2500,9000,367,116,11980 +São Paulo,42,1,1,0,1,acept,not furnished,400,1150,27,15,1592 +Rio de Janeiro,98,3,2,0,7,acept,not furnished,891,3000,185,39,4115 +Rio de Janeiro,150,3,1,2,2,acept,not furnished,3290,5200,710,68,9268 +São Paulo,170,3,3,4,-,acept,not furnished,0,3500,222,53,3775 +São Paulo,60,2,1,0,-,acept,not furnished,1,1610,0,25,1636 +São Paulo,120,3,4,2,-,acept,not furnished,187,3450,149,52,3838 +São Paulo,142,2,3,2,18,acept,not furnished,1400,3550,492,45,5487 +Porto Alegre,90,2,2,1,18,not acept,not furnished,500,2500,84,37,3121 +São Paulo,140,3,3,2,3,acept,not furnished,2400,6000,500,77,8977 +Rio de Janeiro,26,1,1,0,3,acept,not furnished,325,1200,26,16,1567 +São Paulo,20,1,1,0,-,not acept,not furnished,0,790,0,11,801 +Porto Alegre,24,1,1,1,-,not acept,not furnished,0,550,0,9,559 +Rio de Janeiro,140,3,2,0,5,acept,not furnished,350,2900,194,38,3482 +Belo Horizonte,134,4,2,3,1,not acept,not furnished,650,3000,313,40,4003 +São Paulo,400,5,4,2,12,acept,not furnished,2675,2000,832,26,5533 +Rio de Janeiro,18,1,1,0,3,acept,not furnished,628,650,49,9,1336 +Rio de Janeiro,62,1,1,1,8,acept,not furnished,1550,2800,182,37,4569 +São Paulo,192,3,3,3,16,acept,furnished,1790,6500,630,83,9003 +São Paulo,80,3,2,1,6,acept,not furnished,850,1790,128,23,2791 +Porto Alegre,38,1,1,1,9,acept,not furnished,350,2900,42,43,3335 +Belo Horizonte,112,2,3,2,10,acept,not furnished,442,1400,92,19,1953 +Rio de Janeiro,15,1,1,0,1,not acept,not furnished,500,1100,0,15,1615 +São Paulo,29,1,1,0,5,acept,not furnished,257,1043,0,14,1314 +Belo Horizonte,55,2,1,1,1,acept,not furnished,200,1050,0,14,1264 +São Paulo,88,3,1,2,5,acept,not furnished,1900,2500,84,32,4516 +São Paulo,100,4,1,0,-,acept,not furnished,0,1600,100,25,1725 +Belo Horizonte,92,3,2,1,1,acept,not furnished,268,1800,141,24,2233 +Rio de Janeiro,154,4,2,2,2,acept,not furnished,1850,4250,313,55,6468 +São Paulo,240,4,3,3,6,acept,not furnished,2850,12000,700,153,15700 +Porto Alegre,28,1,1,0,1,acept,furnished,0,1340,4,20,1364 +São Paulo,50,1,1,0,-,not acept,not furnished,0,1250,34,19,1303 +São Paulo,180,3,3,2,4,acept,not furnished,2100,8000,413,102,10620 +São Paulo,35,1,1,0,3,not acept,not furnished,150,850,0,11,1011 +Rio de Janeiro,64,2,1,1,2,acept,not furnished,0,3500,0,46,3546 +São Paulo,60,2,1,1,8,acept,not furnished,550,1310,5,17,1882 +São Paulo,239,4,4,3,-,acept,furnished,0,5950,500,90,6540 +São Paulo,130,3,2,1,10,not acept,furnished,1100,2300,109,30,3539 +Campinas,85,2,2,0,6,not acept,not furnished,810,918,98,12,1838 +Rio de Janeiro,75,2,2,1,9,acept,furnished,650,2000,310,26,2986 +São Paulo,90,2,2,1,-,acept,not furnished,0,1800,0,28,1828 +Belo Horizonte,100,3,1,1,2,acept,not furnished,300,1500,85,20,1905 +São Paulo,70,2,2,1,1,not acept,not furnished,670,1450,0,19,2139 +Rio de Janeiro,86,3,1,0,3,acept,not furnished,800,1258,80,17,2155 +Rio de Janeiro,29,1,1,0,2,acept,not furnished,484,1500,26,20,2030 +Porto Alegre,82,2,2,1,5,acept,not furnished,450,1700,67,25,2242 +São Paulo,55,2,1,1,5,acept,not furnished,640,1625,0,21,2286 +Porto Alegre,47,1,1,1,1,not acept,furnished,400,2200,0,33,2633 +São Paulo,33,1,1,0,15,not acept,not furnished,550,4000,0,51,4601 +Campinas,50,1,1,1,11,not acept,not furnished,650,1800,130,23,2603 +São Paulo,159,4,2,0,3,acept,not furnished,2064,1900,634,25,4623 +Belo Horizonte,62,3,2,1,4,not acept,not furnished,230,1100,63,15,1408 +São Paulo,80,2,1,2,-,acept,not furnished,0,1569,0,24,1593 +São Paulo,170,3,4,3,21,acept,not furnished,1500,5000,450,64,7014 +Porto Alegre,68,2,2,1,1,acept,not furnished,400,1800,82,27,2309 +São Paulo,300,4,4,3,-,acept,furnished,0,5080,284,77,5441 +Porto Alegre,50,2,1,1,2,acept,not furnished,100,1460,0,22,1582 +Rio de Janeiro,80,2,2,1,10,acept,not furnished,824,2000,279,26,3129 +Porto Alegre,40,2,1,1,3,acept,not furnished,300,820,32,12,1164 +São Paulo,270,3,4,2,6,acept,not furnished,2890,6500,100,83,9573 +Porto Alegre,75,3,1,1,1,acept,not furnished,360,1100,47,17,1524 +Porto Alegre,60,1,2,2,15,acept,not furnished,500,2800,17,41,3358 +São Paulo,300,4,5,4,1,acept,not furnished,3600,7500,1334,96,12530 +Belo Horizonte,73,2,1,2,1,acept,not furnished,150,1200,62,16,1428 +Belo Horizonte,85,2,1,1,1,acept,not furnished,230,1000,61,14,1305 +São Paulo,100,3,3,1,-,acept,not furnished,0,2400,0,37,2437 +Porto Alegre,49,1,1,0,7,acept,not furnished,310,680,21,10,1021 +São Paulo,35,1,1,0,5,acept,furnished,420,1800,0,23,2243 +São Paulo,240,3,4,1,6,not acept,not furnished,1700,14850,400,189,17140 +São Paulo,45,1,1,0,-,acept,not furnished,0,900,0,14,914 +São Paulo,55,2,1,1,9,acept,furnished,565,2800,0,36,3401 +São Paulo,305,4,3,4,6,acept,furnished,3428,11000,2134,140,16700 +Belo Horizonte,622,5,5,6,-,acept,not furnished,0,10000,924,164,11090 +Belo Horizonte,55,2,1,1,2,not acept,not furnished,250,1200,67,16,1533 +Rio de Janeiro,42,1,1,0,12,acept,furnished,600,2300,167,30,3097 +Belo Horizonte,132,3,3,2,2,acept,not furnished,0,1500,207,20,1727 +Belo Horizonte,53,2,1,0,6,acept,not furnished,626,850,76,12,1564 +São Paulo,998,7,10,4,-,acept,furnished,0,15000,5000,226,20230 +São Paulo,22,1,1,0,4,not acept,furnished,350,2410,0,31,2791 +Rio de Janeiro,35,1,1,0,12,acept,not furnished,350,850,60,11,1271 +São Paulo,189,4,2,2,4,acept,not furnished,1970,8000,559,102,10630 +São Paulo,375,4,5,3,-,acept,furnished,0,9000,850,136,9986 +São Paulo,65,2,1,1,3,acept,not furnished,315,1400,47,18,1780 +São Paulo,462,4,6,4,-,acept,furnished,0,8000,1081,121,9202 +São Paulo,150,2,1,0,1,acept,not furnished,180,2285,100,29,2594 +Campinas,350,2,2,2,-,acept,not furnished,0,4300,150,65,4515 +São Paulo,260,4,5,4,15,acept,furnished,3471,7500,0,96,11070 +Porto Alegre,61,1,1,0,-,acept,not furnished,80,1100,160,17,1357 +São Paulo,175,4,3,2,-,acept,not furnished,0,2890,0,44,2934 +Porto Alegre,70,2,1,0,-,acept,furnished,270,1800,23,27,2120 +Rio de Janeiro,60,2,1,1,10,acept,furnished,520,1500,80,20,2120 +Campinas,296,6,4,8,-,acept,not furnished,0,5200,375,79,5654 +Rio de Janeiro,96,2,2,1,10,not acept,furnished,995,2900,109,38,4042 +São Paulo,150,4,2,3,2,acept,not furnished,3030,7377,800,94,11300 +São Paulo,375,4,4,3,-,acept,not furnished,0,6400,75,97,6572 +Campinas,70,3,1,1,1,acept,not furnished,600,1500,17,20,2137 +São Paulo,127,4,3,2,4,acept,not furnished,1040,4930,472,63,6505 +Belo Horizonte,67,2,2,2,3,not acept,not furnished,850,2800,0,38,3688 +São Paulo,50,1,2,1,1,not acept,furnished,750,3300,214,42,4306 +Rio de Janeiro,56,2,1,0,4,acept,not furnished,502,1500,0,20,2022 +São Paulo,55,2,1,1,19,acept,furnished,608,2100,84,27,2819 +São Paulo,34,1,1,0,-,not acept,not furnished,0,900,46,14,960 +Campinas,68,2,1,0,4,not acept,not furnished,498,930,48,12,1488 +São Paulo,80,2,1,0,4,not acept,not furnished,400,1777,0,23,2200 +Campinas,120,3,1,1,3,not acept,not furnished,650,1800,80,23,2553 +Campinas,50,1,1,1,10,not acept,not furnished,718,1600,13,21,2352 +Campinas,78,2,2,1,1,acept,not furnished,432,1200,127,16,1775 +Rio de Janeiro,90,2,2,1,9,acept,not furnished,880,3800,80,49,4809 +Belo Horizonte,320,5,4,6,-,not acept,not furnished,0,8000,584,132,8716 +Rio de Janeiro,560,5,6,4,14,acept,not furnished,2190,2633,1133,34,5990 +Rio de Janeiro,25,1,1,0,8,acept,not furnished,600,1850,25,24,2499 +Porto Alegre,37,1,1,0,3,acept,not furnished,270,650,23,10,953 +Rio de Janeiro,95,3,1,0,16,acept,not furnished,1048,3600,283,47,4978 +São Paulo,130,3,3,2,7,acept,not furnished,1400,1650,414,21,3485 +Belo Horizonte,270,5,4,6,-,acept,not furnished,0,3910,125,53,4088 +Belo Horizonte,40,1,1,0,-,not acept,not furnished,0,650,59,11,720 +Belo Horizonte,65,2,2,3,7,acept,not furnished,366,1450,110,20,1946 +São Paulo,45,1,1,0,22,not acept,not furnished,350,1015,33,13,1411 +São Paulo,20,1,1,0,1,not acept,furnished,0,2060,0,27,2087 +São Paulo,720,4,5,5,17,acept,not furnished,6471,6500,3520,83,16570 +Belo Horizonte,80,3,2,2,1,acept,furnished,280,2500,126,34,2940 +Belo Horizonte,90,2,1,0,1,acept,not furnished,0,1000,39,14,1053 +São Paulo,60,1,2,0,-,acept,not furnished,0,1062,1,16,1079 +Belo Horizonte,45,1,1,1,4,not acept,furnished,1550,3400,198,46,5194 +São Paulo,100,1,2,0,-,not acept,not furnished,4320,3100,0,40,7460 +Belo Horizonte,553,4,6,3,3,not acept,not furnished,2800,10870,1459,145,15270 +São Paulo,250,4,3,2,-,acept,not furnished,0,3900,475,59,4434 +Campinas,92,3,2,3,17,acept,not furnished,643,3700,299,47,4689 +São Paulo,98,1,2,0,27,acept,furnished,3177,15000,130,191,18500 +Campinas,114,3,2,1,4,acept,not furnished,967,1400,176,18,2561 +São Paulo,27,1,1,1,6,not acept,furnished,650,1900,59,25,2634 +Porto Alegre,225,1,2,0,-,acept,not furnished,0,3500,218,63,3781 +São Paulo,30,1,1,0,3,acept,not furnished,380,1700,0,22,2102 +Porto Alegre,135,3,3,4,5,acept,not furnished,200,4000,0,59,4259 +Campinas,150,4,3,4,-,not acept,not furnished,750,4000,334,61,5145 +Belo Horizonte,190,4,2,0,10,acept,not furnished,1000,5580,417,75,7072 +Porto Alegre,47,1,1,1,1,not acept,furnished,400,2200,0,33,2633 +Rio de Janeiro,120,3,1,1,-,acept,not furnished,0,1150,67,18,1235 +São Paulo,90,3,2,1,4,acept,not furnished,900,2066,92,27,3085 +São Paulo,350,4,5,2,-,not acept,furnished,0,7500,0,113,7613 +São Paulo,160,3,4,2,-,acept,not furnished,0,4300,209,65,4574 +Rio de Janeiro,150,3,2,0,5,acept,not furnished,1800,2500,200,33,4533 +Rio de Janeiro,35,1,1,0,3,acept,not furnished,790,2000,86,26,2902 +Porto Alegre,25,1,1,0,-,not acept,not furnished,0,550,0,9,559 +São Paulo,240,4,4,4,26,acept,not furnished,3250,13000,1121,165,17540 +São Paulo,150,4,2,2,13,not acept,not furnished,1700,4400,37,56,6193 +Rio de Janeiro,20,1,1,0,-,acept,not furnished,0,700,0,10,710 +Campinas,85,3,2,1,4,acept,not furnished,690,1341,110,6,2147 +São Paulo,50,2,1,1,6,acept,furnished,400,1900,0,15,2315 +São Paulo,197,3,3,2,8,acept,not furnished,4200,6000,1375,77,11650 +São Paulo,70,3,2,1,7,acept,not furnished,800,2800,67,36,3703 +Rio de Janeiro,220,3,2,2,8,acept,not furnished,1850,3500,265,46,5661 +Belo Horizonte,270,4,3,2,3,acept,not furnished,1200,4800,241,64,6305 +Porto Alegre,100,3,2,2,2,acept,not furnished,650,2499,92,37,3278 +São Paulo,195,4,6,3,12,acept,not furnished,1400,8000,750,102,10250 +São Paulo,160,3,3,2,-,acept,not furnished,0,4200,342,64,4606 +São Paulo,470,4,6,3,-,acept,not furnished,0,7200,1134,109,8443 +Campinas,60,3,2,1,5,acept,not furnished,366,1200,0,16,1582 +São Paulo,300,4,4,3,-,acept,not furnished,0,12900,584,194,13680 +São Paulo,330,5,6,2,11,acept,not furnished,800,8950,250,114,10110 +Porto Alegre,109,1,2,2,3,acept,furnished,496,4300,87,63,4946 +São Paulo,240,4,5,4,15,acept,furnished,3700,12000,1000,153,16850 +São Paulo,150,3,2,5,-,acept,not furnished,0,2300,260,35,2595 +São Paulo,200,3,2,1,2,acept,not furnished,1750,4500,375,58,6683 +Belo Horizonte,140,4,3,1,2,acept,not furnished,475,2300,167,31,2973 +São Paulo,106,2,2,2,1,not acept,furnished,1170,10600,334,135,12240 +Porto Alegre,92,2,2,1,2,acept,furnished,645,2100,2610,31,5386 +São Paulo,35,1,1,1,7,acept,not furnished,380,2200,100,28,2708 +São Paulo,70,3,2,1,3,acept,not furnished,1200,2900,25,37,4162 +São Paulo,74,2,1,2,9,acept,furnished,1100,6600,424,84,8208 +São Paulo,69,2,2,2,5,acept,not furnished,853,1900,210,25,2988 +São Paulo,50,1,1,0,-,not acept,not furnished,0,830,0,13,843 +Porto Alegre,450,5,3,6,-,acept,not furnished,0,4760,94,85,4939 +Rio de Janeiro,68,2,1,0,5,acept,not furnished,593,1000,400,13,2006 +São Paulo,71,1,1,1,11,acept,not furnished,1650,3000,238,39,4927 +Rio de Janeiro,69,2,1,1,9,acept,furnished,500,1370,56,18,1944 +Belo Horizonte,32,1,1,1,9,acept,not furnished,197,1500,126,20,1843 +São Paulo,57,2,1,1,8,acept,furnished,350,1800,50,23,2223 +São Paulo,28,1,1,0,1,acept,furnished,500,2200,72,28,2800 +São Paulo,39,1,1,0,8,acept,furnished,300,2000,0,26,2326 +Porto Alegre,140,3,3,0,2,acept,not furnished,750,1700,125,25,2600 +São Paulo,160,3,3,2,-,acept,not furnished,0,4500,209,68,4777 +São Paulo,235,3,3,1,3,acept,not furnished,2585,5150,575,66,8376 +São Paulo,171,3,2,1,13,acept,not furnished,1200,2200,300,28,3728 +Rio de Janeiro,139,3,2,2,1,acept,not furnished,2047,6000,540,78,8665 +Belo Horizonte,160,4,3,2,5,acept,not furnished,763,2300,230,31,3324 +Campinas,60,2,1,1,-,acept,not furnished,485,800,60,11,1356 +São Paulo,134,3,3,3,8,acept,not furnished,1680,2125,375,27,4207 +Belo Horizonte,70,2,1,1,11,acept,not furnished,897,1300,125,18,2340 +Rio de Janeiro,57,2,1,0,1,acept,not furnished,100,1530,0,20,1650 +São Paulo,240,3,3,4,6,acept,furnished,2600,5500,1834,70,10000 +São Paulo,50,1,1,0,-,not acept,not furnished,0,800,34,13,847 +Rio de Janeiro,120,3,2,1,8,acept,not furnished,1470,3550,190,46,5256 +Porto Alegre,200,3,3,4,2,acept,not furnished,2900,1200,260,18,4378 +São Paulo,572,6,6,4,-,acept,furnished,0,7800,2359,118,10280 +São Paulo,145,2,2,1,1,acept,furnished,1463,4000,0,51,5514 +Belo Horizonte,70,2,1,2,1,not acept,not furnished,80,1200,97,16,1393 +Rio de Janeiro,85,2,2,1,2,acept,furnished,3700,8000,659,104,12460 +Belo Horizonte,140,3,2,0,2,not acept,not furnished,0,3000,202,40,3242 +São Paulo,260,4,5,5,6,acept,not furnished,3000,12500,1667,159,17330 +São Paulo,211,4,4,4,2,acept,not furnished,1800,3390,775,43,6008 +Campinas,58,2,1,1,2,acept,not furnished,280,650,0,9,939 +Rio de Janeiro,110,1,1,2,3,acept,not furnished,1936,4500,341,58,6835 +São Paulo,72,2,2,0,10,acept,not furnished,820,1500,70,20,2410 +São Paulo,700,4,7,8,-,acept,not furnished,0,45000,8750,677,54430 +São Paulo,68,1,2,1,5,acept,not furnished,1040,6000,229,77,7346 +Rio de Janeiro,100,3,3,2,8,acept,not furnished,1167,2700,95,35,3997 +São Paulo,240,3,2,0,7,acept,furnished,1717,6500,444,83,8744 +Rio de Janeiro,104,3,1,0,6,acept,not furnished,784,3500,195,46,4525 +Campinas,70,1,1,1,2,acept,furnished,290,1600,70,21,1981 +São Paulo,67,1,1,1,14,acept,furnished,920,2600,72,33,3625 +Belo Horizonte,160,4,2,5,-,acept,furnished,0,3780,167,62,4009 +Belo Horizonte,64,3,1,0,3,not acept,not furnished,215,1400,27,19,1661 +São Paulo,140,3,3,5,8,not acept,furnished,2000,8000,710,102,10810 +Campinas,38,1,1,0,3,not acept,not furnished,376,750,15,10,1151 +São Paulo,34,1,1,0,12,acept,not furnished,372,2700,57,35,3164 +São Paulo,54,2,1,0,7,acept,not furnished,535,2001,0,26,2562 +São Paulo,54,1,1,1,1,not acept,furnished,1050,7200,250,92,8592 +São Paulo,200,3,2,4,-,acept,not furnished,0,3500,500,53,4053 +São Paulo,107,3,2,2,1,acept,not furnished,1122,2600,350,33,4105 +Rio de Janeiro,70,2,2,0,11,acept,not furnished,879,1550,77,20,2526 +São Paulo,20,1,1,0,5,acept,furnished,602,1800,130,23,2555 +São Paulo,86,2,1,1,5,acept,not furnished,1002,2340,0,8,3350 +Rio de Janeiro,30,1,1,1,-,acept,not furnished,0,1480,25,20,1525 +Porto Alegre,108,3,2,1,3,acept,furnished,826,2000,89,30,2945 +São Paulo,250,4,3,4,-,acept,not furnished,0,2700,154,41,2895 +São Paulo,80,2,1,0,4,acept,not furnished,740,2200,92,28,3060 +Rio de Janeiro,73,2,1,1,8,acept,not furnished,1022,1100,0,15,2137 +Porto Alegre,45,1,1,1,3,acept,not furnished,250,1205,72,18,1545 +São Paulo,45,2,2,0,-,not acept,not furnished,0,1650,84,25,1759 +São Paulo,255,4,4,0,15,acept,furnished,4000,2500,1484,32,8016 +Belo Horizonte,217,4,3,4,12,acept,not furnished,2644,6000,1177,80,9901 +São Paulo,70,1,1,0,2,acept,not furnished,472,1870,0,24,2366 +São Paulo,25,1,1,0,1,not acept,not furnished,0,885,0,12,897 +Porto Alegre,110,3,3,0,1,acept,not furnished,400,3250,75,48,3773 +São Paulo,80,2,2,1,12,acept,not furnished,1200,10000,109,127,11440 +São Paulo,260,3,5,0,-,acept,not furnished,0,9000,634,136,9770 +São Paulo,50,2,2,1,10,acept,not furnished,624,2700,82,35,3441 +Campinas,60,2,1,1,1,not acept,not furnished,430,815,20,6,1271 +São Paulo,400,3,6,6,-,acept,furnished,0,6500,375,98,6973 +São Paulo,113,2,1,1,4,acept,not furnished,1000,3000,50,39,4089 +São Paulo,400,4,4,6,8,acept,not furnished,3900,8000,1750,102,13750 +Porto Alegre,64,2,2,2,6,acept,not furnished,450,2250,50,33,2783 +São Paulo,82,2,1,2,10,acept,furnished,2020,3100,333,40,5493 +São Paulo,65,2,1,3,9,acept,not furnished,800,2000,217,26,3043 +Porto Alegre,128,4,3,2,3,acept,not furnished,1160,4900,409,88,6557 +São Paulo,38,1,1,0,1,not acept,not furnished,60,950,0,13,1023 +Campinas,175,3,2,0,-,not acept,not furnished,0,2000,0,31,2031 +São Paulo,107,3,3,2,3,acept,not furnished,1600,4500,417,58,6575 +Rio de Janeiro,257,4,3,2,3,acept,furnished,3250,3800,709,49,7808 +São Paulo,35,1,1,1,2,not acept,furnished,550,3250,30,42,3872 +São Paulo,463,4,7,6,-,acept,not furnished,0,12000,1264,181,13450 +Rio de Janeiro,40,2,1,0,7,acept,not furnished,335,920,55,12,1322 +Belo Horizonte,297,4,2,3,6,acept,not furnished,2000,1870,209,15,4094 +São Paulo,137,3,3,1,9,acept,furnished,1247,5500,303,70,7120 +Rio de Janeiro,35,1,1,0,10,not acept,not furnished,498,1200,80,16,1794 +Rio de Janeiro,128,3,3,1,8,acept,furnished,950,3500,242,46,4738 +Belo Horizonte,59,2,1,1,2,acept,not furnished,190,1250,70,17,1527 +Rio de Janeiro,400,4,4,2,-,acept,not furnished,634,11480,1357,175,13640 +Rio de Janeiro,100,3,2,1,5,not acept,not furnished,980,4500,125,58,5663 +Rio de Janeiro,50,1,1,0,10,acept,furnished,680,2200,85,29,2994 +Porto Alegre,80,2,2,1,5,acept,furnished,740,1900,120,28,2788 +Belo Horizonte,68,2,2,2,4,acept,not furnished,230,1650,154,22,2056 +São Paulo,32,1,1,1,22,acept,furnished,2000,2000,416,26,4442 +Rio de Janeiro,161,3,3,3,14,acept,not furnished,1300,4500,640,58,6498 +São Paulo,85,2,2,0,-,acept,not furnished,0,1700,0,26,1726 +São Paulo,100,2,2,0,-,acept,not furnished,0,2500,274,38,2812 +São Paulo,136,3,4,3,7,acept,not furnished,1400,5000,117,64,6581 +São Paulo,362,4,5,2,-,acept,not furnished,0,7000,834,106,7940 +São Paulo,276,3,3,4,15,acept,furnished,3600,6500,1650,83,11830 +Rio de Janeiro,22,1,1,0,2,not acept,not furnished,50,1322,59,16,1447 +Porto Alegre,60,2,1,0,1,acept,not furnished,114,980,42,15,1151 +São Paulo,500,4,7,8,-,acept,not furnished,0,9250,1167,140,10560 +Porto Alegre,65,1,1,1,3,acept,not furnished,426,980,38,15,1459 +São Paulo,56,2,1,1,11,acept,not furnished,350,2600,0,33,2983 +São Paulo,35,1,1,1,4,not acept,furnished,300,2840,10,36,3186 +Porto Alegre,98,3,2,2,4,not acept,not furnished,700,2550,100,38,3388 +São Paulo,45,1,1,0,1,not acept,not furnished,0,950,30,15,995 +Porto Alegre,48,2,1,1,2,acept,not furnished,300,800,35,12,1147 +Campinas,48,1,1,1,4,acept,furnished,490,1500,42,20,2052 +São Paulo,114,2,3,1,1,acept,furnished,902,7010,167,89,8168 +Belo Horizonte,197,4,2,3,3,acept,not furnished,850,4250,400,57,5557 +Belo Horizonte,200,4,1,2,4,acept,not furnished,345,2500,209,34,3088 +Belo Horizonte,110,3,2,0,-,acept,not furnished,0,2500,0,41,2541 +São Paulo,300,2,4,2,-,acept,not furnished,0,6000,419,91,6510 +Belo Horizonte,120,3,1,1,6,not acept,not furnished,1140,1900,140,26,3206 +Porto Alegre,40,1,1,0,3,acept,furnished,370,1084,46,16,1516 +São Paulo,92,2,1,1,7,not acept,furnished,690,3950,0,51,4691 +São Paulo,140,3,2,2,3,acept,not furnished,1640,5500,583,70,7793 +São Paulo,244,4,3,4,2,acept,not furnished,3460,7000,1000,89,11550 +Porto Alegre,59,2,1,0,3,acept,not furnished,326,1000,42,15,1383 +Rio de Janeiro,35,1,1,0,3,acept,not furnished,0,791,30,11,832 +São Paulo,120,3,2,3,16,acept,not furnished,1400,2000,292,26,3718 +São Paulo,248,4,5,4,1,not acept,not furnished,2500,9100,250,116,11970 +São Paulo,63,2,2,1,17,acept,not furnished,783,1690,27,22,2522 +São Paulo,45,1,1,1,8,acept,not furnished,694,1800,172,23,2689 +São Paulo,129,2,3,2,16,acept,furnished,1100,2376,334,38,3848 +São Paulo,300,3,3,8,-,acept,not furnished,0,4675,400,71,5146 +São Paulo,29,1,1,1,4,not acept,furnished,650,2200,118,28,2996 +Belo Horizonte,100,3,2,1,2,acept,not furnished,745,1300,119,18,2182 +São Paulo,153,4,3,3,3,acept,not furnished,2500,5500,700,70,8770 +Campinas,87,2,1,1,4,acept,not furnished,780,1200,52,16,2048 +São Paulo,75,1,1,2,8,acept,furnished,976,7000,323,89,8388 +Rio de Janeiro,300,4,4,2,3,acept,not furnished,4100,12750,1334,165,18350 +Porto Alegre,48,1,1,0,4,acept,not furnished,340,700,300,11,1351 +São Paulo,56,2,2,1,4,acept,not furnished,500,2000,0,26,2526 +Campinas,71,2,1,1,7,acept,not furnished,670,977,114,13,1774 +São Paulo,84,4,1,3,5,not acept,not furnished,1914,6000,804,77,8795 +São Paulo,208,3,4,3,-,not acept,not furnished,0,3490,476,53,4019 +São Paulo,100,1,2,1,13,not acept,not furnished,1520,6000,348,77,7945 +São Paulo,84,3,2,2,7,acept,furnished,540,2200,71,28,2839 +São Paulo,145,4,3,2,1,acept,not furnished,1644,4800,500,61,7005 +São Paulo,300,4,3,2,-,acept,furnished,0,15000,1040,226,16270 +São Paulo,65,2,2,1,12,not acept,furnished,980,6000,250,77,7307 +São Paulo,27,1,1,0,-,not acept,not furnished,0,836,0,13,849 +Rio de Janeiro,102,3,2,1,2,acept,not furnished,1900,1350,140,18,3408 +Campinas,60,2,1,1,1,not acept,furnished,385,2848,64,37,3334 +Porto Alegre,60,1,1,0,1,acept,not furnished,230,1286,70,19,1605 +Rio de Janeiro,50,1,1,0,10,acept,not furnished,520,1620,0,21,2161 +São Paulo,97,3,1,1,10,acept,not furnished,762,2300,25,30,3117 +São Paulo,52,1,2,1,19,acept,not furnished,1100,5000,210,64,6374 +São Paulo,373,4,4,3,12,acept,not furnished,4500,12750,1417,162,18830 +São Paulo,157,4,3,2,-,acept,not furnished,0,6608,492,100,7200 +Campinas,68,3,1,1,2,acept,not furnished,555,1100,50,14,1719 +São Paulo,172,4,4,3,15,acept,furnished,1650,8800,890,112,11450 +São Paulo,64,2,2,2,25,not acept,not furnished,865,3500,0,45,4410 +Rio de Janeiro,41,1,1,0,9,acept,not furnished,800,1700,85,22,2607 +Rio de Janeiro,106,2,2,1,2,acept,not furnished,900,2850,296,37,4083 +Belo Horizonte,150,4,2,3,1,acept,furnished,900,3300,340,44,4584 +Belo Horizonte,135,4,2,2,4,acept,not furnished,450,3500,117,47,4114 +São Paulo,350,4,6,6,-,acept,furnished,0,9600,1367,145,11110 +Belo Horizonte,360,3,1,3,-,acept,not furnished,0,1500,142,25,1667 +São Paulo,700,4,7,8,-,acept,furnished,0,15000,2250,226,17480 +Rio de Janeiro,100,2,2,1,6,acept,furnished,2400,8900,380,115,11800 +Belo Horizonte,50,1,1,2,4,acept,not furnished,300,1200,0,16,1516 +São Paulo,55,3,1,1,3,acept,not furnished,458,1300,0,17,1775 +São Paulo,215,4,4,2,10,not acept,not furnished,1950,6000,834,77,8861 +São Paulo,287,3,2,5,-,acept,not furnished,0,15000,0,226,15230 +São Paulo,58,2,1,1,3,acept,furnished,383,1500,43,20,1946 +São Paulo,90,3,2,2,10,acept,not furnished,850,1600,300,21,2771 +São Paulo,200,3,3,3,-,acept,not furnished,0,3315,241,50,3606 +São Paulo,65,3,2,1,8,acept,not furnished,650,2200,5,28,2883 +São Paulo,820,4,6,6,-,acept,not furnished,2500,10000,2500,151,15150 +São Paulo,102,2,1,0,3,acept,not furnished,538,2000,109,26,2673 +Rio de Janeiro,108,3,2,2,3,acept,not furnished,2000,4500,442,58,7000 +São Paulo,86,3,2,2,6,acept,furnished,800,3100,203,40,4143 +Campinas,210,6,3,0,-,acept,not furnished,0,4200,0,64,4264 +Belo Horizonte,140,4,2,2,4,acept,not furnished,995,4200,462,56,5713 +São Paulo,220,4,4,3,2,acept,not furnished,2500,4500,1042,58,8100 +Campinas,66,2,1,1,-,acept,not furnished,265,1100,34,14,1413 +São Paulo,389,4,5,6,4,acept,not furnished,4000,8500,1834,108,14440 +São Paulo,80,3,3,1,11,not acept,not furnished,934,1700,25,22,2681 +São Paulo,78,2,2,1,1,acept,not furnished,792,2200,148,28,3168 +São Paulo,178,4,2,5,-,acept,not furnished,0,6000,459,91,6550 +São Paulo,47,2,1,1,4,acept,not furnished,565,1140,64,15,1784 +Belo Horizonte,160,4,1,1,-,acept,not furnished,0,2150,0,36,2186 +Rio de Janeiro,25,1,1,0,1,acept,not furnished,50,700,0,10,760 +São Paulo,80,2,2,2,-,acept,not furnished,50,1700,177,26,1953 +São Paulo,144,3,3,2,-,acept,furnished,0,5000,109,76,5185 +Campinas,400,5,7,4,5,acept,not furnished,3200,7900,888,101,12090 +Belo Horizonte,100,3,2,1,-,acept,not furnished,0,14500,423,238,15160 +São Paulo,48,2,1,0,2,acept,not furnished,90,1150,90,15,1345 +São Paulo,64,3,2,2,16,acept,not furnished,500,1530,34,20,2084 +Porto Alegre,50,2,1,0,-,acept,not furnished,100,700,100,11,911 +São Paulo,50,1,1,1,11,acept,furnished,1140,5156,117,66,6479 +São Paulo,60,2,2,1,5,acept,not furnished,700,1465,100,19,2284 +Rio de Janeiro,180,3,2,1,2,acept,not furnished,2000,4800,377,62,7239 +São Paulo,339,3,3,4,-,acept,not furnished,0,3880,353,59,4292 +Campinas,54,1,1,1,5,acept,furnished,751,2350,127,30,3258 +São Paulo,420,4,6,4,10,acept,not furnished,5700,12000,3167,153,21020 +Campinas,350,4,5,4,-,acept,not furnished,680,8000,417,121,9218 +São Paulo,72,2,2,2,6,not acept,not furnished,800,3060,250,39,4149 +São Paulo,50,1,1,0,-,not acept,not furnished,0,800,59,13,872 +São Paulo,450,4,4,4,-,acept,not furnished,0,11000,1417,166,12580 +Rio de Janeiro,60,2,1,0,6,not acept,furnished,800,2900,92,38,3830 +São Paulo,160,2,3,3,-,acept,not furnished,0,7500,417,113,8030 +Belo Horizonte,450,4,4,5,10,not acept,not furnished,2200,13500,1130,180,17010 +São Paulo,265,3,4,3,-,acept,furnished,0,3490,450,53,3993 +São Paulo,103,3,1,3,2,acept,not furnished,1054,3400,94,44,4592 +São Paulo,60,2,2,1,8,acept,not furnished,640,1650,0,21,2311 +São Paulo,136,3,3,3,15,acept,furnished,1450,7900,490,101,9941 +Belo Horizonte,45,2,1,1,5,not acept,not furnished,227,750,28,10,1015 +São Paulo,206,3,3,4,25,acept,not furnished,1800,12500,758,159,15220 +São Paulo,229,4,2,3,2,acept,furnished,1100,5500,409,70,7079 +Campinas,70,1,2,1,2,not acept,not furnished,450,1000,35,13,1498 +São Paulo,130,3,2,0,18,acept,furnished,1386,4500,574,58,6518 +Campinas,87,2,1,0,10,acept,not furnished,415,1100,82,14,1611 +São Paulo,200,4,5,3,7,not acept,not furnished,2750,6000,250,77,9077 +Rio de Janeiro,50,1,1,1,2,acept,not furnished,170,1320,0,18,1508 +São Paulo,120,3,2,1,-,acept,not furnished,0,3000,495,46,3541 +São Paulo,40,1,1,0,1,not acept,not furnished,600,1300,111,17,2028 +São Paulo,54,2,1,1,-,acept,not furnished,600,1800,129,23,2552 +São Paulo,48,2,1,0,2,acept,not furnished,100,1350,0,18,1468 +São Paulo,149,3,4,3,7,acept,furnished,1300,6000,550,77,7927 +São Paulo,45,2,1,1,14,acept,not furnished,270,1500,82,20,1872 +São Paulo,76,2,2,2,4,not acept,not furnished,850,2650,130,34,3664 +São Paulo,60,2,1,0,3,acept,not furnished,487,1850,0,24,2361 +São Paulo,118,3,3,2,5,not acept,not furnished,1800,9000,352,115,11270 +São Paulo,200,2,3,1,2,not acept,furnished,2300,13000,625,165,16090 +São Paulo,200,2,2,1,-,acept,not furnished,0,5000,0,76,5076 +São Paulo,138,3,4,2,18,acept,furnished,1500,10000,527,127,12150 +São Paulo,53,2,1,1,8,acept,furnished,950,1200,0,16,2166 +Porto Alegre,61,1,1,1,13,acept,furnished,1237,3800,104,56,5197 +São Paulo,135,3,3,2,7,not acept,furnished,1855,2800,641,36,5332 +São Paulo,50,1,1,0,-,not acept,not furnished,0,750,25,12,787 +São Paulo,34,1,1,1,9,not acept,not furnished,1200,1300,100,17,2617 +São Paulo,218,3,3,3,17,not acept,not furnished,2300,4000,775,51,7126 +São Paulo,400,3,5,4,20,acept,furnished,3500,10000,1250,127,14880 +Belo Horizonte,25,1,1,1,1,not acept,not furnished,0,550,84,8,642 +Porto Alegre,360,5,3,3,-,acept,not furnished,0,3500,0,63,3563 +São Paulo,72,2,1,1,9,acept,not furnished,990,2630,378,34,4032 +São Paulo,45,2,1,1,17,acept,not furnished,300,1600,34,21,1955 +Belo Horizonte,340,3,5,5,-,acept,not furnished,0,4600,211,76,4887 +São Paulo,130,3,3,2,-,acept,not furnished,0,3100,130,47,3277 +São Paulo,72,3,2,2,15,acept,not furnished,616,3000,245,39,3900 +São Paulo,50,1,1,0,-,not acept,not furnished,0,900,0,14,914 +São Paulo,100,2,2,0,8,not acept,furnished,1100,4999,50,64,6213 +São Paulo,270,3,2,4,21,acept,not furnished,3200,13000,1250,165,17620 +Belo Horizonte,60,2,1,1,3,acept,not furnished,122,1325,0,18,1465 +Belo Horizonte,46335,4,8,5,11,acept,furnished,960,8500,646,114,10220 +Belo Horizonte,700,3,3,8,-,acept,not furnished,0,10000,807,164,10970 +São Paulo,550,4,5,0,1,acept,not furnished,2700,8800,0,112,11610 +Belo Horizonte,21,1,1,1,2,not acept,not furnished,1000,980,0,14,1994 +São Paulo,55,1,2,1,17,acept,not furnished,777,3800,100,49,4726 +São Paulo,40,1,2,1,28,not acept,furnished,1935,4200,318,54,6507 +Belo Horizonte,50,1,1,1,12,not acept,furnished,571,1500,100,20,2191 +São Paulo,52,1,1,1,15,acept,furnished,650,3950,290,51,4941 +São Paulo,46,2,1,1,6,acept,not furnished,280,1434,9,19,1742 +Belo Horizonte,20,1,1,1,-,acept,furnished,0,1100,0,15,1115 +São Paulo,50,1,1,0,-,acept,not furnished,0,1050,59,16,1125 +Rio de Janeiro,49,1,2,1,10,acept,not furnished,761,2400,133,31,3325 +Porto Alegre,440,3,2,3,6,not acept,not furnished,100,10500,84,154,10840 +Porto Alegre,59,2,1,1,2,acept,not furnished,382,900,62,14,1358 +Belo Horizonte,150,4,1,3,1,acept,not furnished,0,2300,0,38,2338 +São Paulo,100,3,2,0,7,acept,not furnished,750,2020,132,26,2928 +São Paulo,72,2,2,1,4,acept,not furnished,880,2100,27,27,3034 +São Paulo,500,7,7,8,-,not acept,furnished,0,9000,1667,136,10800 +São Paulo,264,3,5,0,-,acept,not furnished,0,6000,488,91,6579 +São Paulo,76,2,2,2,14,acept,not furnished,909,5500,299,70,6778 +São Paulo,16,1,1,0,1,not acept,not furnished,0,870,0,12,882 +São Paulo,198,3,2,2,8,acept,not furnished,1400,3250,334,42,5026 +São Paulo,190,3,2,1,3,acept,not furnished,1600,4000,100,51,5751 +São Paulo,210,4,4,4,4,not acept,not furnished,2857,11500,1480,146,15980 +Campinas,233,3,1,1,-,acept,not furnished,0,2700,239,41,2980 +São Paulo,180,3,2,2,-,acept,not furnished,0,11000,150,166,11320 +Belo Horizonte,1020,5,4,6,-,acept,furnished,0,6520,654,107,7281 +São Paulo,320,3,3,2,-,acept,not furnished,0,7200,600,109,7909 +São Paulo,116,3,2,2,5,acept,not furnished,1884,3800,518,49,6251 +São Paulo,128,2,1,1,9,acept,furnished,1200,8500,9,108,9817 +Campinas,42,2,1,1,4,acept,not furnished,191,1020,0,13,1224 +São Paulo,70,2,1,1,6,acept,not furnished,660,3800,45,49,4554 +São Paulo,320,3,4,4,7,acept,furnished,3440,15000,1659,191,20290 +Campinas,77,2,2,1,9,acept,not furnished,725,1200,71,16,2012 +São Paulo,208,3,3,3,4,acept,furnished,2490,15000,1200,191,18880 +São Paulo,115,3,3,3,-,acept,not furnished,0,2400,71,37,2508 +Porto Alegre,60,2,1,1,1,acept,furnished,400,1300,25,19,1744 +Porto Alegre,50,1,1,0,1,acept,not furnished,200,1045,30,16,1291 +São Paulo,108,2,4,2,7,acept,not furnished,1289,4500,522,58,6369 +São Paulo,64,2,2,1,7,not acept,not furnished,1182,6950,276,89,8497 +São Paulo,178,3,2,1,-,acept,furnished,0,3500,130,53,3683 +Porto Alegre,53,1,1,0,2,acept,furnished,240,1480,42,22,1784 +Rio de Janeiro,118,3,2,0,2,acept,not furnished,1334,1560,210,21,3125 +Campinas,65,2,1,1,3,acept,not furnished,420,1250,53,16,1739 +Rio de Janeiro,180,3,3,2,6,acept,not furnished,2000,7000,475,91,9566 +Campinas,348,3,3,3,-,acept,not furnished,0,4850,400,73,5323 +São Paulo,150,3,3,1,3,not acept,not furnished,2229,4500,484,58,7271 +Porto Alegre,45,1,1,0,6,acept,not furnished,350,650,28,10,1038 +São Paulo,37,1,1,1,3,not acept,furnished,485,3300,13,42,3840 +São Paulo,540,4,4,6,-,acept,not furnished,0,5220,1542,79,6841 +Belo Horizonte,521,5,2,3,-,acept,not furnished,0,10000,743,164,10910 +Campinas,147,4,3,3,8,acept,not furnished,1600,4800,284,61,6745 +Rio de Janeiro,130,3,2,1,8,acept,not furnished,1889,2610,450,34,4983 +São Paulo,190,3,2,1,-,acept,not furnished,0,3700,0,56,3756 +Rio de Janeiro,28,1,1,0,16,acept,not furnished,1100,730,99,10,1939 +São Paulo,160,3,3,3,-,not acept,not furnished,1509,5850,528,88,7975 +Rio de Janeiro,310,3,2,0,5,acept,not furnished,2500,5200,595,68,8363 +São Paulo,530,4,5,6,-,not acept,not furnished,0,13000,0,196,13200 +São Paulo,59,2,1,1,9,acept,furnished,801,1200,0,16,2017 +São Paulo,800,5,4,8,-,acept,not furnished,0,14200,2250,214,16660 +São Paulo,77,2,1,0,3,acept,not furnished,590,2050,7,26,2673 +São Paulo,160,3,2,1,6,acept,not furnished,1500,4300,500,55,6355 +São Paulo,47,1,1,1,15,acept,not furnished,530,1800,0,23,2353 +Belo Horizonte,52,2,1,1,1,acept,not furnished,160,1000,0,14,1174 +São Paulo,60,1,2,1,2,acept,not furnished,1155,4000,112,51,5318 +Rio de Janeiro,120,3,3,2,9,acept,not furnished,750,3000,500,39,4289 +Belo Horizonte,55,2,1,0,2,not acept,not furnished,0,850,50,12,912 +Campinas,110,3,3,2,-,acept,not furnished,560,3200,88,49,3897 +Porto Alegre,145,3,4,0,2,acept,furnished,250,2950,75,44,3319 +São Paulo,88,2,4,2,8,acept,not furnished,840,2300,379,30,3549 +São Paulo,49,2,1,1,11,acept,not furnished,350,2000,3,26,2379 +São Paulo,26,1,1,0,4,acept,furnished,550,3500,80,45,4175 +São Paulo,36,1,1,0,6,acept,not furnished,300,1600,60,21,1981 +São Paulo,150,3,2,5,-,acept,not furnished,0,2100,260,32,2392 +São Paulo,77,1,1,1,8,not acept,not furnished,0,5700,0,73,5773 +Campinas,60,1,1,2,-,acept,not furnished,0,1610,50,25,1685 +Rio de Janeiro,58,2,2,1,1,acept,not furnished,761,1190,105,16,2072 +São Paulo,145,4,4,3,14,acept,not furnished,1663,4500,584,58,6805 +São Paulo,408,4,6,3,20,acept,not furnished,2800,15000,1667,191,19660 +São Paulo,50,1,1,0,-,acept,not furnished,0,800,18,13,831 +São Paulo,85,3,2,2,12,acept,not furnished,900,3300,116,42,4358 +Belo Horizonte,210,3,3,3,1,acept,not furnished,400,4200,242,56,4898 +Belo Horizonte,100,3,1,2,3,acept,not furnished,200,1646,73,22,1941 +Porto Alegre,68,2,1,1,6,not acept,furnished,480,1900,78,28,2486 +Campinas,42,1,1,1,16,not acept,not furnished,472,2000,75,26,2573 +Campinas,87,3,1,0,15,acept,not furnished,725,1300,105,17,2147 +São Paulo,40,1,1,0,1,acept,not furnished,240,950,84,13,1287 +São Paulo,50,2,1,1,4,acept,not furnished,540,1850,133,24,2547 +Porto Alegre,85,2,2,0,7,acept,furnished,660,2520,113,37,3330 +Porto Alegre,55,1,1,1,3,acept,furnished,550,1910,110,28,2598 +São Paulo,127,2,2,2,5,acept,not furnished,1550,5500,361,70,7481 +São Paulo,172,3,5,3,-,acept,not furnished,0,5800,607,88,6495 +Porto Alegre,75,2,1,2,2,acept,not furnished,380,1200,55,18,1653 +São Paulo,50,1,1,1,6,not acept,not furnished,500,3000,123,39,3662 +Campinas,120,4,2,5,-,acept,not furnished,0,4200,0,64,4264 +São Paulo,95,3,2,2,15,acept,not furnished,720,3490,167,45,4422 +Belo Horizonte,300,5,3,6,-,acept,not furnished,0,5200,334,86,5620 +Rio de Janeiro,44,1,1,0,1,acept,furnished,360,1600,0,21,1981 +Porto Alegre,563,3,6,4,12,acept,not furnished,5200,15000,1250,220,21670 +Rio de Janeiro,65,2,2,0,2,not acept,not furnished,150,1700,84,22,1956 +Rio de Janeiro,170,2,2,1,9,acept,not furnished,884,2940,80,38,3942 +Belo Horizonte,22,1,1,1,1,not acept,furnished,0,1500,0,20,1520 +Belo Horizonte,410,4,4,4,-,acept,furnished,0,4900,466,81,5447 +Rio de Janeiro,60,2,1,1,2,acept,not furnished,561,1400,41,19,2021 +São Paulo,47,1,1,0,7,acept,not furnished,890,2700,178,35,3803 +São Paulo,72,2,2,0,10,acept,not furnished,820,1500,70,20,2410 +Belo Horizonte,157,4,3,3,3,acept,furnished,1717,9000,108,120,10950 +São Paulo,280,3,4,2,-,acept,not furnished,0,7000,584,106,7690 +Rio de Janeiro,68,3,2,1,14,acept,not furnished,830,1050,82,14,1976 +Campinas,56,1,1,0,3,not acept,not furnished,428,560,17,9,1014 +São Paulo,140,2,4,1,11,acept,not furnished,2200,8900,300,113,11510 +Campinas,50,2,1,0,2,not acept,not furnished,386,830,55,11,1282 +Campinas,40,2,1,1,3,acept,not furnished,320,1200,70,16,1606 +São Paulo,260,3,4,4,4,acept,furnished,5000,12000,0,153,17150 +São Paulo,700,6,8,8,-,acept,furnished,0,14000,1020,211,15230 +São Paulo,130,2,1,0,-,acept,furnished,0,1900,292,29,2221 +São Paulo,215,3,2,0,4,not acept,not furnished,1054,4000,229,51,5334 +Rio de Janeiro,300,4,3,2,1,acept,not furnished,2500,4500,796,58,7854 +São Paulo,250,4,5,4,1,acept,not furnished,4200,12000,1667,153,18020 +Rio de Janeiro,80,2,2,1,7,acept,furnished,1180,5435,207,71,6893 +Porto Alegre,54,2,1,0,13,acept,furnished,460,1200,41,18,1719 +Campinas,57,1,2,1,12,not acept,not furnished,660,650,0,9,1319 +São Paulo,130,3,2,1,9,not acept,not furnished,1500,4500,0,58,6058 +São Paulo,48,1,1,2,15,not acept,furnished,2121,6800,400,87,9408 +Porto Alegre,318,4,3,0,-,acept,not furnished,0,19000,384,338,19720 +São Paulo,77,1,2,1,29,acept,furnished,750,7740,209,99,8798 +São Paulo,42,1,1,1,14,acept,furnished,1202,2650,243,34,4129 +Rio de Janeiro,74,3,1,0,-,acept,not furnished,0,1600,40,25,1665 +São Paulo,452,4,6,4,13,acept,not furnished,3033,9980,2500,127,15640 +Porto Alegre,41,1,2,1,6,acept,not furnished,400,2400,67,36,2903 +São Paulo,90,2,2,2,1,acept,not furnished,1200,1917,275,25,3417 +Rio de Janeiro,145,1,3,1,5,not acept,furnished,1200,8000,537,104,9841 +São Paulo,70,1,2,0,2,acept,not furnished,450,2035,111,26,2622 +São Paulo,180,3,4,5,-,acept,not furnished,0,3300,266,50,3616 +São Paulo,68,2,1,0,12,acept,not furnished,470,1300,50,17,1837 +São Paulo,300,4,4,3,-,acept,not furnished,0,10000,767,151,10920 +São Paulo,270,3,3,1,-,acept,furnished,0,6500,23,98,6621 +São Paulo,63,1,1,1,3,acept,not furnished,298,650,0,9,957 +São Paulo,140,2,3,1,3,acept,furnished,1306,5000,250,64,6620 +São Paulo,220,5,4,3,-,not acept,not furnished,0,8000,425,121,8546 +São Paulo,90,3,2,2,5,acept,not furnished,1478,2500,355,32,4365 +São Paulo,62,2,2,1,2,not acept,furnished,733,3200,129,41,4103 +São Paulo,55,1,1,0,1,not acept,not furnished,140,770,0,10,920 +Belo Horizonte,170,3,2,3,-,acept,not furnished,0,4000,180,66,4246 +Belo Horizonte,75,3,2,1,1,acept,not furnished,290,1100,90,15,1495 +São Paulo,150,3,4,3,10,acept,not furnished,1700,2490,375,32,4597 +Porto Alegre,270,4,4,2,-,acept,not furnished,0,7000,200,125,7325 +Porto Alegre,55,2,1,0,1,not acept,not furnished,185,1500,27,22,1734 +Rio de Janeiro,38,1,1,0,4,not acept,not furnished,457,1050,0,14,1521 +Porto Alegre,87,2,2,1,2,acept,not furnished,580,1970,117,29,2696 +Belo Horizonte,26,1,1,1,1,acept,not furnished,60,750,67,10,887 +Belo Horizonte,384,5,4,6,-,not acept,not furnished,0,5000,435,82,5517 +Belo Horizonte,62,2,1,1,2,acept,not furnished,100,1050,84,14,1248 +São Paulo,70,2,1,1,6,acept,not furnished,900,1750,50,23,2723 +Porto Alegre,48,1,1,1,8,acept,furnished,1580,1288,0,19,2887 +São Paulo,396,4,4,4,-,acept,not furnished,0,10000,750,151,10900 +Rio de Janeiro,480,3,4,1,3,acept,not furnished,5200,7000,1201,91,13490 +Belo Horizonte,230,4,4,3,3,acept,not furnished,1700,6300,431,84,8515 +Rio de Janeiro,60,1,1,0,5,acept,not furnished,650,2210,84,29,2973 +Rio de Janeiro,80,2,2,2,2,acept,not furnished,1088,1900,420,25,3433 +Rio de Janeiro,150,4,3,3,5,acept,not furnished,1609,7500,525,97,9731 +Belo Horizonte,85,3,1,0,2,not acept,not furnished,150,1100,150,15,1415 +São Paulo,25,1,1,0,14,acept,not furnished,304,2200,60,28,2592 +Porto Alegre,105,3,3,0,3,acept,not furnished,840,2125,111,32,3108 +São Paulo,144,4,2,2,6,acept,not furnished,1820,4800,667,61,7348 +Belo Horizonte,80,3,2,2,301,acept,not furnished,750,2600,164,35,3549 +São Paulo,100,1,1,0,-,acept,not furnished,0,1530,84,23,1637 +Belo Horizonte,649,5,5,6,-,acept,furnished,0,15000,1065,246,16310 +Porto Alegre,55,2,1,1,2,acept,not furnished,300,850,30,13,1193 +Porto Alegre,68,2,2,1,2,acept,not furnished,400,1800,82,27,2309 +São Paulo,265,3,3,0,-,acept,not furnished,0,8500,475,128,9103 +São Paulo,96,2,1,0,9,acept,furnished,940,4387,3,56,5386 +Belo Horizonte,241,5,4,3,-,acept,not furnished,0,5200,310,86,5596 +Rio de Janeiro,65,2,1,1,8,acept,not furnished,610,900,88,12,1610 +Campinas,71,2,1,1,3,acept,not furnished,670,1130,114,15,1929 +São Paulo,90,1,1,0,1,not acept,not furnished,200,1550,167,20,1937 +São Paulo,90,3,2,0,9,acept,not furnished,900,2100,84,27,3111 +Campinas,42,1,1,1,9,acept,not furnished,460,1020,42,13,1535 +Porto Alegre,109,3,1,1,5,acept,not furnished,500,1400,42,21,1963 +Rio de Janeiro,260,4,1,2,5,acept,furnished,3800,15000,1167,194,20160 +São Paulo,154,3,3,2,12,acept,furnished,1042,2000,0,26,3068 +Belo Horizonte,55,1,1,0,-,not acept,not furnished,0,1020,21,17,1058 +São Paulo,49,2,2,1,8,acept,not furnished,632,2400,55,31,3118 +São Paulo,56,1,1,0,2,acept,furnished,0,8000,280,102,8382 +Campinas,67,2,1,1,2,acept,not furnished,500,1230,42,16,1788 +São Paulo,160,4,4,0,9,acept,furnished,1300,3175,787,41,5303 +Porto Alegre,118,3,2,1,3,acept,not furnished,300,1800,50,27,2177 +Belo Horizonte,47,2,1,1,6,acept,not furnished,350,1480,75,20,1925 +São Paulo,132,3,4,3,2,not acept,not furnished,2137,2980,520,38,5675 +Porto Alegre,47,1,1,0,20,acept,not furnished,280,755,27,12,1074 +Campinas,60,3,2,1,13,not acept,not furnished,340,1700,120,22,2182 +São Paulo,250,4,5,0,14,acept,not furnished,3392,7880,1566,100,12940 +Porto Alegre,400,3,4,5,-,acept,furnished,0,8500,309,152,8961 +Rio de Janeiro,28,1,1,0,4,acept,furnished,484,2200,0,29,2713 +São Paulo,300,3,4,2,9,acept,furnished,2000,14000,1084,178,17260 +São Paulo,78,2,1,2,9,acept,furnished,0,5900,0,75,5975 +São Paulo,56,2,1,0,3,acept,not furnished,250,1800,41,23,2114 +São Paulo,110,2,2,0,4,acept,furnished,1356,3360,248,43,5007 +São Paulo,65,2,2,1,7,acept,not furnished,630,1800,25,23,2478 +Belo Horizonte,59,3,1,1,1,acept,not furnished,100,1018,63,14,1195 +São Paulo,20,1,1,0,1,acept,furnished,602,1800,130,23,2555 +São Paulo,65,3,1,1,11,acept,not furnished,510,1800,0,23,2333 +São Paulo,235,4,4,4,5,acept,furnished,3330,14900,1417,189,19840 +São Paulo,137,2,3,2,1,acept,not furnished,2800,14000,542,178,17520 +Belo Horizonte,28,1,1,0,-,not acept,furnished,550,1100,0,15,1665 +São Paulo,50,1,1,1,-,not acept,not furnished,0,1500,80,23,1603 +São Paulo,120,3,1,4,-,acept,not furnished,0,3500,234,53,3787 +São Paulo,80,2,1,0,-,not acept,not furnished,0,1576,125,24,1725 +Rio de Janeiro,82,3,1,0,3,not acept,furnished,460,2700,50,35,3245 +São Paulo,160,3,2,1,-,acept,not furnished,0,4700,0,71,4771 +São Paulo,51,1,1,0,1,acept,furnished,785,2350,150,30,3315 +São Paulo,56,2,1,0,-,acept,not furnished,200,1400,0,10,1610 +São Paulo,170,3,4,0,14,acept,furnished,2200,4000,800,51,7051 +São Paulo,300,4,5,4,19,acept,not furnished,3150,3800,1630,49,8629 +São Paulo,60,2,1,1,11,acept,furnished,500,3400,23,44,3967 +Rio de Janeiro,50,1,1,1,2,acept,not furnished,470,990,19,13,1492 +São Paulo,250,5,6,2,-,acept,not furnished,0,9000,717,136,9853 +Rio de Janeiro,80,2,2,2,12,acept,not furnished,900,935,100,13,1948 +São Paulo,20,1,1,0,-,acept,furnished,602,1800,130,23,2555 +Rio de Janeiro,110,2,1,1,6,not acept,not furnished,1200,3800,250,49,5299 +Belo Horizonte,430,4,5,3,-,acept,not furnished,0,6000,0,99,6099 +Belo Horizonte,144,4,3,3,14,not acept,furnished,1050,4500,390,60,6000 +São Paulo,80,2,1,1,1,acept,not furnished,875,24000,0,305,25180 +Campinas,30,1,1,0,5,acept,not furnished,280,580,12,8,880 +São Paulo,163,2,3,2,18,acept,furnished,1464,8000,470,102,10040 +Belo Horizonte,80,2,2,2,9,acept,not furnished,400,2600,113,35,3148 +São Paulo,300,5,4,7,-,acept,not furnished,0,15000,2292,226,17520 +Belo Horizonte,544,4,3,7,-,acept,not furnished,0,3200,250,53,3503 +Belo Horizonte,95,3,2,2,4,not acept,not furnished,666,1800,134,24,2624 +Porto Alegre,65,2,1,0,1,acept,not furnished,355,1030,24,16,1425 +Belo Horizonte,305,4,5,5,26,acept,not furnished,5071,14000,2241,187,21500 +Belo Horizonte,103,2,2,2,1,not acept,not furnished,400,1200,100,16,1716 +São Paulo,135,3,2,2,3,acept,not furnished,1650,2300,775,30,4755 +São Paulo,200,3,4,2,13,acept,not furnished,1900,7000,677,89,9666 +Rio de Janeiro,47,2,2,1,12,acept,not furnished,500,1000,40,13,1553 +Rio de Janeiro,35,1,1,0,3,acept,not furnished,310,700,80,10,1100 +Campinas,44,2,1,1,2,acept,not furnished,244,1000,0,13,1257 +São Paulo,82,2,1,1,5,acept,not furnished,860,3400,0,44,4304 +São Paulo,50,1,1,1,-,not acept,not furnished,0,900,21,14,935 +Belo Horizonte,360,4,3,3,-,acept,not furnished,0,3300,171,55,3526 +Porto Alegre,95,3,2,2,2,acept,not furnished,350,2500,71,37,2958 +São Paulo,83,2,3,2,8,acept,not furnished,1555,3200,735,41,5531 +São Paulo,60,1,1,1,6,acept,not furnished,683,2100,0,27,2810 +São Paulo,122,3,2,1,9,acept,not furnished,1766,5800,279,74,7919 +São Paulo,150,3,4,4,14,acept,not furnished,1076,7925,651,101,9753 +Campinas,450,5,4,8,-,acept,not furnished,0,3460,400,53,3913 +Porto Alegre,58,2,1,1,4,acept,not furnished,350,1000,47,15,1412 +São Paulo,380,4,2,4,-,acept,not furnished,0,4600,700,70,5370 +Belo Horizonte,430,4,5,3,7,acept,not furnished,1945,8000,528,107,10580 +Porto Alegre,280,3,5,2,3,acept,furnished,729,5280,500,78,6587 +Belo Horizonte,580,5,6,5,-,not acept,not furnished,0,15000,1153,246,16400 +Porto Alegre,98,2,2,0,2,acept,not furnished,310,1100,38,17,1465 +São Paulo,40,1,1,1,2,not acept,not furnished,225,1080,65,14,1384 +Rio de Janeiro,50,2,1,1,2,not acept,furnished,328,2300,0,30,2658 +São Paulo,40,1,1,1,11,acept,furnished,1233,4065,202,52,5552 +Rio de Janeiro,75,4,4,1,9,not acept,furnished,700,4500,0,58,5258 +Rio de Janeiro,72,1,1,1,1,acept,not furnished,957,3500,239,46,4742 +São Paulo,429,5,4,6,-,acept,not furnished,0,12750,2312,192,15250 +São Paulo,380,4,2,0,-,acept,not furnished,0,8000,0,121,8121 +Belo Horizonte,72,3,1,1,3,not acept,not furnished,300,900,86,12,1298 +São Paulo,114,3,3,0,-,acept,not furnished,150,2600,171,40,2961 +São Paulo,100,3,2,4,-,acept,not furnished,0,3880,255,59,4194 +São Paulo,120,4,2,2,11,acept,not furnished,1630,4000,464,51,6145 +São Paulo,100,3,3,2,6,acept,not furnished,1250,5500,250,70,7070 +Porto Alegre,170,2,3,2,-,acept,not furnished,0,6500,292,116,6908 +São Paulo,62,1,2,1,4,acept,furnished,2400,12000,350,153,14900 +São Paulo,62,2,2,1,5,acept,not furnished,510,2500,158,32,3200 +São Paulo,94,2,3,2,18,not acept,not furnished,1600,4400,325,56,6381 +Rio de Janeiro,144,3,2,1,7,acept,furnished,1500,8200,622,106,10430 +Campinas,68,2,1,2,1,acept,not furnished,520,1200,74,16,1810 +Porto Alegre,42,1,1,0,5,not acept,furnished,290,2200,66,33,2589 +Porto Alegre,84,3,1,0,3,acept,furnished,70,1460,44,22,1596 +São Paulo,165,3,4,4,15,acept,not furnished,2000,10000,799,127,12930 +São Paulo,50,2,1,1,9,acept,not furnished,390,1072,0,14,1476 +Porto Alegre,65,2,1,1,3,not acept,furnished,400,1750,100,26,2276 +Campinas,52,1,1,1,8,not acept,furnished,1000,2300,50,30,3380 +São Paulo,136,3,3,2,12,acept,not furnished,738,3400,115,44,4297 +Belo Horizonte,75,2,1,1,3,not acept,not furnished,200,1100,62,15,1377 +São Paulo,212,3,5,3,7,acept,not furnished,2300,7000,1084,89,10470 +São Paulo,70,2,1,1,1,acept,not furnished,580,1400,52,18,2050 +São Paulo,57,2,1,1,5,acept,furnished,550,2300,63,30,2943 +São Paulo,128,2,3,3,9,acept,not furnished,2000,3900,500,50,6450 +São Paulo,62,2,2,1,1,not acept,not furnished,0,2350,0,30,2380 +São Paulo,140,3,3,2,-,acept,not furnished,0,3800,200,58,4058 +São Paulo,55,2,1,1,14,acept,not furnished,420,1399,0,18,1837 +São Paulo,130,3,2,1,8,acept,not furnished,2400,5500,209,70,8179 +São Paulo,82,3,2,2,4,not acept,not furnished,860,2600,209,33,3702 +São Paulo,100,3,2,1,5,acept,not furnished,1221,1200,38,16,2475 +São Paulo,122,2,2,2,10,acept,not furnished,1761,3950,640,51,6402 +Porto Alegre,87,2,1,0,2,acept,not furnished,300,1300,64,19,1683 +Belo Horizonte,70,2,1,2,4,acept,not furnished,290,780,0,11,1081 +Rio de Janeiro,123,3,2,1,1,acept,not furnished,2800,3700,237,48,6785 +Porto Alegre,91,3,2,2,3,acept,not furnished,400,3390,150,50,3990 +São Paulo,50,1,1,0,4,acept,not furnished,100,1100,0,14,1214 +São Paulo,189,4,3,3,14,acept,not furnished,3300,5780,440,74,9594 +Campinas,45,2,1,1,3,acept,not furnished,312,850,25,11,1198 +Rio de Janeiro,35,1,1,0,7,acept,furnished,560,1950,50,26,2586 +São Paulo,350,5,5,4,8,not acept,not furnished,3000,7200,1417,92,11710 +Belo Horizonte,73,1,1,0,13,not acept,not furnished,744,1460,142,20,2366 +São Paulo,35,2,1,1,-,acept,not furnished,125,2100,0,32,2257 +São Paulo,685,4,3,5,11,acept,not furnished,3960,13000,3120,165,20250 +São Paulo,140,5,2,1,1,acept,furnished,0,3999,200,51,4250 +São Paulo,78,3,3,2,10,acept,not furnished,639,2800,117,36,3592 +São Paulo,200,6,4,2,-,acept,not furnished,0,5600,4710,85,10400 +Porto Alegre,102,2,2,1,11,acept,furnished,1900,3000,259,44,5203 +Campinas,48,2,1,1,5,acept,not furnished,263,1000,66,13,1342 +São Paulo,84,3,2,1,3,not acept,furnished,741,2175,185,28,3129 +São Paulo,80,2,1,1,-,acept,not furnished,30,1300,40,20,1390 +São Paulo,391,4,5,2,15,acept,not furnished,2900,10000,1999,127,15030 +São Paulo,227,4,4,3,7,not acept,furnished,2000,15000,750,191,17940 +São Paulo,180,3,3,4,27,acept,not furnished,1800,6500,859,83,9242 +Belo Horizonte,178,4,4,4,1,acept,not furnished,1200,3900,409,52,5561 +São Paulo,105,1,1,2,29,not acept,not furnished,1300,8700,417,111,10530 +São Paulo,26,1,1,0,4,acept,furnished,400,4300,60,55,4815 +São Paulo,200,2,3,1,10,acept,not furnished,1750,4500,0,58,6308 +Belo Horizonte,78,2,2,2,3,acept,not furnished,150,1300,100,18,1568 +São Paulo,309,4,5,3,-,acept,not furnished,0,12000,734,181,12920 +Porto Alegre,66,3,2,1,11,acept,not furnished,400,1500,40,22,1962 +Rio de Janeiro,20,1,1,0,11,not acept,furnished,0,1650,0,22,1672 +Campinas,35,1,1,1,13,acept,not furnished,475,750,32,10,1267 +São Paulo,130,2,4,3,2,acept,not furnished,1800,6000,667,77,8544 +São Paulo,120,3,1,0,1,acept,not furnished,0,1210,207,16,1433 +Rio de Janeiro,75,2,2,0,1,not acept,not furnished,670,2200,59,29,2958 +São Paulo,120,3,3,2,23,not acept,not furnished,1500,7300,400,93,9293 +Rio de Janeiro,65,2,1,1,1,acept,furnished,0,1530,0,20,1550 +São Paulo,20,1,1,0,-,acept,furnished,602,1800,130,23,2555 +São Paulo,62,3,1,2,1,acept,not furnished,750,1400,156,18,2324 +São Paulo,129,3,4,2,8,acept,not furnished,1800,3000,600,39,5439 +São Paulo,70,2,2,4,-,acept,not furnished,0,3000,190,46,3236 +Rio de Janeiro,38,1,1,0,12,not acept,not furnished,600,1700,82,22,2404 +Porto Alegre,120,3,3,3,7,acept,not furnished,800,5000,0,74,5874 +São Paulo,180,2,3,2,-,acept,not furnished,0,3150,301,48,3499 +São Paulo,82,1,1,2,1,acept,not furnished,1650,8000,267,102,10020 +Belo Horizonte,58,2,2,2,7,acept,not furnished,304,1400,100,19,1823 +São Paulo,52,2,1,1,3,not acept,not furnished,450,2400,78,31,2959 +São Paulo,67,2,1,0,3,acept,not furnished,385,1300,56,17,1758 +Belo Horizonte,100,3,1,1,2,acept,not furnished,0,2900,301,39,3240 +São Paulo,570,4,5,4,14,acept,not furnished,3800,10870,2016,138,16820 +São Paulo,54,2,1,1,1,acept,not furnished,280,2200,0,28,2508 +Campinas,150,4,2,0,-,acept,not furnished,0,2500,184,38,2722 +São Paulo,32,1,1,1,11,acept,furnished,652,3870,42,50,4614 +São Paulo,127,3,2,2,1,acept,not furnished,0,5000,250,76,5326 +Porto Alegre,58,2,1,1,-,acept,not furnished,170,800,24,12,1006 +São Paulo,230,3,2,2,-,acept,furnished,0,4590,309,69,4968 +São Paulo,60,1,1,0,-,not acept,not furnished,0,1600,192,25,1817 +Porto Alegre,60,1,1,0,2,not acept,furnished,100,1170,0,18,1288 +São Paulo,245,3,5,4,13,acept,furnished,2450,11500,1584,146,15680 +São Paulo,180,3,2,2,2,acept,not furnished,2500,7000,1200,89,10790 +Porto Alegre,42,1,1,1,2,acept,not furnished,280,900,19,14,1213 +Porto Alegre,41,1,1,0,5,acept,furnished,300,1090,84,16,1490 +Belo Horizonte,800,4,4,3,-,acept,not furnished,0,8000,834,132,8966 +Belo Horizonte,700,7,6,5,-,acept,not furnished,0,15000,1161,246,16410 +São Paulo,140,3,3,2,-,acept,not furnished,0,2300,0,35,2335 +Porto Alegre,222,4,3,2,13,acept,not furnished,2300,4000,200,59,6559 +Porto Alegre,122,3,3,2,2,acept,not furnished,600,2500,149,37,3286 +Rio de Janeiro,62,1,1,0,7,not acept,furnished,943,2700,156,35,3834 +São Paulo,107,2,2,0,6,not acept,not furnished,799,3150,0,40,3989 +Belo Horizonte,59,2,2,0,2,not acept,furnished,510,1400,112,19,2041 +Rio de Janeiro,40,1,1,0,4,acept,furnished,510,1360,1,18,1889 +Campinas,72,3,1,1,1,acept,furnished,470,1075,49,14,1608 +Belo Horizonte,400,4,6,4,15,acept,not furnished,1840,6000,668,80,8588 +São Paulo,84,2,3,2,25,acept,furnished,634,6900,165,88,7787 +Belo Horizonte,80,3,2,2,11,acept,not furnished,700,1800,167,24,2691 +São Paulo,90,2,2,0,-,acept,not furnished,0,1750,0,27,1777 +Belo Horizonte,413,4,4,0,1,acept,not furnished,2314,7900,692,106,11010 +São Paulo,120,4,4,1,-,acept,not furnished,0,4500,67,68,4635 +Belo Horizonte,66,2,1,1,3,acept,not furnished,200,1000,25,14,1239 +Rio de Janeiro,140,3,2,1,22,not acept,not furnished,732,3000,305,39,4076 +Belo Horizonte,190,4,2,2,4,acept,not furnished,970,3500,287,47,4804 +São Paulo,325,5,5,4,-,acept,not furnished,0,6000,420,91,6511 +Rio de Janeiro,60,2,2,0,15,acept,furnished,1640,2300,205,30,4175 +São Paulo,310,4,4,3,-,acept,not furnished,0,7000,675,106,7781 +São Paulo,100,2,2,2,6,acept,furnished,1700,6500,42,83,8325 +Campinas,120,2,1,0,3,acept,not furnished,830,1100,95,14,2039 +Belo Horizonte,52,2,1,1,4,not acept,not furnished,180,730,0,10,920 +São Paulo,52,2,1,1,17,acept,not furnished,540,1100,45,14,1699 +Campinas,115,3,3,1,5,acept,not furnished,1035,1900,30,25,2990 +Rio de Janeiro,47,1,1,1,5,acept,not furnished,390,1000,0,13,1403 +São Paulo,66,2,1,1,8,not acept,not furnished,530,1780,0,23,2333 +São Paulo,100,2,1,2,-,acept,not furnished,0,1650,0,25,1675 +Porto Alegre,55,2,1,1,2,acept,not furnished,300,1319,75,20,1714 +São Paulo,200,3,4,3,20,not acept,furnished,2450,12000,1261,153,15860 +Campinas,51,2,1,1,1,not acept,not furnished,390,800,50,11,1251 +São Paulo,140,3,3,2,6,acept,not furnished,2420,2580,1000,33,6033 +Belo Horizonte,200,4,4,3,4,acept,not furnished,1200,4200,580,56,6036 +Porto Alegre,30,2,2,1,1,acept,not furnished,250,1275,50,19,1594 +Belo Horizonte,87,3,2,2,11,acept,not furnished,700,3500,125,47,4372 +Porto Alegre,100,3,2,1,6,acept,not furnished,1374,1800,211,27,3412 +São Paulo,48,1,1,1,8,not acept,not furnished,415,2000,0,8,2423 +Rio de Janeiro,40,1,1,1,20,not acept,not furnished,800,1160,91,15,2066 +Porto Alegre,78,2,2,1,4,acept,not furnished,700,2300,105,34,3139 +Porto Alegre,41,1,2,1,9,acept,not furnished,400,2800,67,41,3308 +São Paulo,200,3,4,3,5,acept,furnished,3249,5500,843,70,9662 +Belo Horizonte,234,3,3,3,-,acept,not furnished,0,8200,340,135,8675 +Rio de Janeiro,136,3,1,0,8,acept,furnished,2000,3000,0,39,5039 +São Paulo,250,3,4,4,18,acept,not furnished,2200,3300,852,42,6394 +Rio de Janeiro,125,3,2,1,8,not acept,furnished,1164,3000,250,39,4453 +São Paulo,86,2,1,0,-,acept,not furnished,0,1387,130,21,1538 +Porto Alegre,62,2,1,0,8,acept,not furnished,504,1100,32,17,1653 +São Paulo,120,3,2,2,-,acept,not furnished,0,3110,111,47,3268 +Campinas,61,1,1,0,8,acept,furnished,378,1900,43,25,2346 +Porto Alegre,160,3,2,1,5,acept,not furnished,1200,2500,170,37,3907 +Campinas,64,1,1,0,3,acept,not furnished,680,1100,50,14,1844 +Rio de Janeiro,70,3,2,1,7,acept,not furnished,1292,2100,94,28,3514 +Campinas,258,2,2,1,-,acept,not furnished,0,1400,67,22,1489 +Belo Horizonte,163,4,3,2,2,acept,not furnished,300,2300,136,31,2767 +São Paulo,360,4,5,4,8,acept,not furnished,3500,1700,1417,22,6639 +Rio de Janeiro,90,2,2,1,2,not acept,not furnished,1389,3973,422,52,5836 +São Paulo,50,1,1,0,-,acept,not furnished,0,1100,0,17,1117 +Rio de Janeiro,264,4,4,1,2,not acept,furnished,3200,7000,1067,91,11360 +Rio de Janeiro,70,2,1,0,5,acept,not furnished,950,2500,199,19,3668 +São Paulo,126,2,2,1,8,not acept,not furnished,889,3120,204,40,4253 +São Paulo,35,1,1,1,14,not acept,not furnished,450,2700,0,35,3185 +Porto Alegre,98,2,2,1,2,acept,not furnished,465,1300,54,19,1838 +Rio de Janeiro,47,2,1,1,4,acept,not furnished,466,1375,0,18,1859 +São Paulo,70,3,2,1,3,acept,not furnished,758,2000,109,26,2893 +Porto Alegre,85,3,3,0,-,not acept,not furnished,550,2500,72,45,3167 +Rio de Janeiro,90,2,2,1,4,acept,not furnished,1200,3800,253,49,5302 +São Paulo,250,3,4,3,8,acept,not furnished,2850,9000,834,115,12800 +Rio de Janeiro,160,4,2,0,-,acept,not furnished,0,6800,142,104,7046 +São Paulo,25,1,1,0,1,not acept,not furnished,0,1200,35,16,1251 +São Paulo,97,2,3,2,15,acept,not furnished,768,3300,243,42,4353 +São Paulo,33,1,1,0,15,not acept,not furnished,550,4000,0,51,4601 +Rio de Janeiro,66,2,1,1,3,acept,not furnished,477,1100,44,15,1636 +São Paulo,78,3,2,2,1,acept,not furnished,780,1540,230,20,2570 +São Paulo,248,3,4,3,10,acept,not furnished,2200,6000,742,77,9019 +São Paulo,163,3,2,1,1,acept,not furnished,1100,4000,84,51,5235 +São Paulo,332,5,4,3,17,acept,not furnished,3200,15000,1167,191,19560 +São Paulo,30,1,1,1,10,acept,furnished,730,1850,70,24,2674 +Rio de Janeiro,172,3,3,3,3,acept,not furnished,2000,5000,800,65,7865 +Belo Horizonte,100,3,2,0,-,acept,not furnished,0,1550,125,26,1701 +São Paulo,260,4,4,2,-,acept,not furnished,0,5200,184,79,5463 +São Paulo,432,5,7,6,21,acept,not furnished,3208,15000,3007,191,21410 +São Paulo,46,2,1,1,5,not acept,not furnished,600,1180,25,15,1820 +São Paulo,999,5,7,4,-,not acept,not furnished,100,15000,459,226,15790 +Belo Horizonte,274,6,6,2,-,acept,not furnished,0,9000,671,148,9819 +Rio de Janeiro,76,2,1,0,3,acept,not furnished,625,1000,50,13,1688 +Belo Horizonte,210,4,4,2,1,not acept,not furnished,1500,4200,283,56,6039 +São Paulo,400,4,5,4,-,acept,not furnished,3413,11000,2028,166,16610 +São Paulo,110,3,2,1,7,acept,not furnished,1200,1200,350,16,2766 +São Paulo,20,1,1,0,-,acept,furnished,602,1800,130,23,2555 +São Paulo,160,3,2,2,-,not acept,not furnished,0,3500,250,53,3803 +Rio de Janeiro,95,3,2,2,3,acept,not furnished,1200,5800,430,75,7505 +São Paulo,38,1,1,0,16,not acept,not furnished,188,2001,0,26,2215 +São Paulo,220,4,3,3,20,acept,furnished,2080,5500,1092,70,8742 +Belo Horizonte,396,4,5,6,-,acept,not furnished,0,10000,250,164,10410 +São Paulo,360,4,7,5,2,acept,not furnished,3900,3990,2505,51,10450 +Rio de Janeiro,25,1,1,0,4,acept,furnished,659,1910,0,25,2594 +São Paulo,120,3,2,8,-,acept,not furnished,0,3000,386,46,3432 +São Paulo,556,6,7,4,-,acept,not furnished,0,7500,1084,113,8697 +Belo Horizonte,100,3,1,1,-,acept,not furnished,0,1970,92,33,2095 +São Paulo,40,1,1,0,-,not acept,not furnished,0,780,17,12,809 +Campinas,55,2,1,1,2,acept,not furnished,235,700,0,9,944 +Rio de Janeiro,60,2,1,0,1,not acept,not furnished,500,2000,57,26,2583 +São Paulo,70,3,1,2,1,not acept,furnished,882,3200,140,41,4263 +São Paulo,52,2,1,1,7,acept,not furnished,616,1200,65,16,1897 +Rio de Janeiro,110,3,2,1,4,not acept,not furnished,788,2500,140,33,3461 +São Paulo,53,2,1,1,8,acept,not furnished,571,1800,22,23,2416 +São Paulo,188,1,3,2,10,not acept,not furnished,1180,8000,550,102,9832 +Porto Alegre,121,3,2,1,10,acept,not furnished,800,1900,200,28,2928 +São Paulo,80,1,1,1,-,not acept,not furnished,0,1300,84,20,1404 +Belo Horizonte,160,4,2,2,3,acept,not furnished,700,2700,305,36,3741 +São Paulo,285,4,5,4,6,acept,furnished,200000,20000,1834,254,222100 +São Paulo,70,2,1,0,-,acept,not furnished,0,1350,0,21,1371 +Campinas,53,2,2,1,-,acept,furnished,443,1900,54,25,2422 +Rio de Janeiro,320,3,6,3,9,acept,not furnished,2000,6490,900,84,9474 +Rio de Janeiro,96,2,2,2,7,acept,furnished,1320,7500,434,97,9351 +São Paulo,35,1,1,1,7,acept,not furnished,430,2100,0,27,2557 +Campinas,375,4,5,0,-,acept,not furnished,1200,10000,825,151,12180 +São Paulo,60,2,1,0,-,acept,not furnished,0,1700,245,26,1971 +Belo Horizonte,100,7,2,1,-,acept,not furnished,0,2800,28,46,2874 +Rio de Janeiro,82,2,1,0,-,acept,furnished,0,4950,59,76,5085 +São Paulo,57,1,1,0,9,acept,furnished,300,6000,17,77,6394 +São Paulo,485,5,6,6,23,acept,not furnished,5709,13000,2495,165,21370 +São Paulo,61,1,2,1,14,not acept,not furnished,444,1930,87,25,2486 +Rio de Janeiro,28,1,1,0,8,acept,not furnished,453,1009,0,7,1469 +São Paulo,130,3,2,1,8,not acept,furnished,1200,7500,417,96,9213 +Porto Alegre,119,3,1,0,3,acept,not furnished,560,2100,84,31,2775 +São Paulo,123,3,1,1,6,not acept,not furnished,2000,3800,348,49,6197 +Campinas,96,2,1,1,3,acept,furnished,671,1800,52,23,2546 +Rio de Janeiro,120,3,2,2,4,acept,not furnished,1950,5500,250,71,7771 +Rio de Janeiro,89,3,1,1,7,acept,not furnished,1100,2000,90,26,3216 +São Paulo,190,3,3,2,10,not acept,not furnished,2800,9000,888,115,12800 +Belo Horizonte,402,4,4,4,-,acept,furnished,0,7500,483,123,8106 +Rio de Janeiro,40,1,1,0,1,acept,not furnished,379,1180,0,16,1575 +São Paulo,210,4,3,3,11,acept,not furnished,1250,4000,750,51,6051 +São Paulo,77,2,2,1,8,acept,not furnished,840,3170,34,41,4085 +Belo Horizonte,65,3,1,1,3,not acept,not furnished,245,900,69,12,1226 +São Paulo,160,3,4,3,-,acept,not furnished,0,2770,475,42,3287 +Rio de Janeiro,80,2,3,1,15,acept,furnished,602,3100,240,40,3982 +Porto Alegre,110,3,2,0,3,not acept,furnished,370,2070,100,31,2571 +Porto Alegre,132,3,2,2,9,acept,furnished,1000,3350,167,49,4566 +Belo Horizonte,90,3,2,2,2,acept,not furnished,650,3500,325,47,4522 +Porto Alegre,50,2,1,1,2,acept,not furnished,100,1540,0,23,1663 +São Paulo,55,3,1,1,7,acept,furnished,600,1800,121,23,2544 +São Paulo,40,1,1,0,6,acept,not furnished,600,3480,142,45,4267 +Rio de Janeiro,38,2,2,1,10,acept,not furnished,1450,3200,200,42,4892 +São Paulo,50,2,1,1,-,acept,not furnished,510,1100,50,14,1674 +São Paulo,136,3,3,1,9,acept,not furnished,1530,7500,290,96,9416 +Rio de Janeiro,140,3,2,2,4,acept,not furnished,1450,2700,169,35,4354 +Rio de Janeiro,150,4,2,2,2,acept,not furnished,2900,9000,834,116,12850 +Belo Horizonte,65,2,2,1,4,acept,not furnished,255,1400,81,19,1755 +São Paulo,41,3,2,1,1,not acept,furnished,0,6500,0,83,6583 +São Paulo,180,3,3,1,-,acept,furnished,1785,6000,294,77,8156 +Porto Alegre,425,4,4,0,-,acept,not furnished,0,15000,750,267,16020 +Porto Alegre,70,2,1,1,3,acept,furnished,450,1800,63,27,2340 +São Paulo,460,6,6,4,-,acept,not furnished,0,6500,109,98,6707 +Rio de Janeiro,70,2,2,1,11,not acept,furnished,2800,6000,835,78,9713 +São Paulo,25,1,1,0,23,acept,not furnished,432,2200,45,28,2705 +São Paulo,274,4,5,6,-,acept,not furnished,0,11000,767,166,11930 +São Paulo,42,1,1,2,6,acept,furnished,595,3380,0,43,4018 +Porto Alegre,64,2,1,1,4,acept,not furnished,600,980,34,15,1629 +Rio de Janeiro,31,1,1,0,5,acept,not furnished,400,1350,67,18,1835 +São Paulo,74,2,1,0,2,acept,not furnished,589,2850,0,37,3476 +São Paulo,110,2,3,3,1,not acept,not furnished,1600,1890,0,24,3514 +São Paulo,20,1,1,0,5,acept,furnished,602,1800,130,23,2555 +Belo Horizonte,91,2,3,1,9,acept,furnished,853,2350,221,32,3456 +Porto Alegre,85,2,3,1,4,acept,not furnished,350,3000,125,44,3519 +São Paulo,42,1,1,1,13,not acept,not furnished,704,3000,192,39,3935 +Porto Alegre,359,3,4,2,3,acept,not furnished,2300,7000,292,103,9695 +Porto Alegre,89,2,1,0,4,not acept,not furnished,340,1190,0,18,1548 +São Paulo,50,1,1,0,-,not acept,not furnished,0,750,0,12,762 +São Paulo,43,1,1,0,4,acept,not furnished,300,1600,17,21,1938 +São Paulo,40,1,1,1,4,not acept,furnished,620,5000,184,64,5868 +Campinas,42,1,1,1,13,acept,not furnished,470,1750,75,23,2318 +Rio de Janeiro,143,3,2,1,-,acept,not furnished,750,2058,84,27,2919 +Porto Alegre,140,3,1,1,11,acept,furnished,1000,4445,166,65,5676 +São Paulo,60,1,1,1,3,acept,not furnished,252,750,9,10,1021 +Rio de Janeiro,121,1,1,0,1,acept,not furnished,2000,6800,300,88,9188 +Porto Alegre,148,3,2,2,3,acept,furnished,2200,3990,167,59,6416 +Rio de Janeiro,130,4,3,0,2,acept,furnished,750,9900,141,128,10920 +Rio de Janeiro,35,1,1,0,1,acept,furnished,81150,4500,9900,58,95610 +Rio de Janeiro,85,3,2,1,17,acept,not furnished,1100,4170,225,54,5549 +São Paulo,40,1,1,0,-,not acept,not furnished,0,900,25,14,939 +Rio de Janeiro,53,2,1,1,4,acept,furnished,365,1239,0,16,1620 +São Paulo,80,3,2,2,4,acept,not furnished,690,2650,92,34,3466 +São Paulo,77,3,3,2,-,acept,not furnished,223,2400,70,37,2730 +São Paulo,103,3,2,2,4,acept,furnished,1100,7550,209,96,8955 +Porto Alegre,78,2,2,0,7,acept,not furnished,450,1500,167,22,2139 +São Paulo,158,3,4,2,2,acept,not furnished,1361,2750,142,35,4288 +São Paulo,300,4,4,3,-,acept,not furnished,2150,13100,1500,166,16920 +Rio de Janeiro,65,2,1,1,16,acept,not furnished,560,1000,125,13,1698 +São Paulo,58,2,2,1,6,not acept,not furnished,520,2055,0,27,2602 +São Paulo,250,3,4,0,6,acept,not furnished,3500,5000,1334,64,9898 +São Paulo,440,4,4,4,11,acept,furnished,4985,10200,2849,130,18160 +Porto Alegre,39,1,1,1,12,acept,not furnished,500,2200,50,33,2783 +Porto Alegre,45,2,2,0,-,not acept,not furnished,0,1300,0,24,1324 +Belo Horizonte,200,4,3,3,7,acept,furnished,1350,7900,700,106,10060 +Porto Alegre,40,1,1,0,2,acept,furnished,180,1250,6,19,1455 +Belo Horizonte,75,2,1,1,4,acept,not furnished,380,849,71,12,1312 +Campinas,85,2,2,1,4,acept,not furnished,675,1310,79,17,2081 +Rio de Janeiro,57,2,1,1,3,acept,not furnished,430,1000,43,13,1486 +São Paulo,60,3,1,0,1,not acept,not furnished,565,1950,109,25,2649 +Campinas,46,2,1,1,5,acept,not furnished,380,850,18,11,1259 +Belo Horizonte,57,2,2,1,4,acept,not furnished,180,1460,125,20,1785 +São Paulo,102,3,2,2,5,acept,not furnished,1250,4200,250,54,5754 +São Paulo,61,2,2,1,5,acept,not furnished,650,2300,21,30,3001 +Rio de Janeiro,29,1,1,0,12,acept,furnished,580,1770,83,23,2456 +São Paulo,280,3,3,2,-,acept,not furnished,0,8000,600,121,8721 +São Paulo,210,3,3,4,1,acept,not furnished,3100,6500,1400,83,11080 +São Paulo,130,3,3,3,-,acept,not furnished,0,4000,146,61,4207 +Porto Alegre,45,1,1,0,11,acept,not furnished,750,900,658,14,2322 +Belo Horizonte,45,1,1,1,6,acept,not furnished,757,2900,9,39,3705 +Rio de Janeiro,40,1,1,0,8,acept,furnished,450,2000,50,26,2526 +São Paulo,175,1,1,2,-,acept,not furnished,0,1600,167,25,1792 +São Paulo,750,4,5,8,-,acept,not furnished,0,15000,4338,226,19560 +São Paulo,60,2,3,2,5,not acept,not furnished,730,1200,182,16,2128 +São Paulo,86,2,1,1,11,not acept,not furnished,1105,3800,155,49,5109 +Porto Alegre,75,2,2,2,6,acept,not furnished,556,2200,95,33,2884 +Porto Alegre,281,4,3,4,-,acept,furnished,0,4950,442,88,5480 +Porto Alegre,70,2,2,1,2,acept,not furnished,400,2200,92,33,2725 +Rio de Janeiro,280,3,3,2,2,acept,furnished,6500,8000,1680,104,16280 +São Paulo,30,1,1,0,2,acept,not furnished,0,1850,0,24,1874 +Campinas,100,2,2,1,11,acept,not furnished,0,2000,0,26,2026 +São Paulo,271,3,2,2,-,acept,not furnished,0,4800,646,73,5519 +São Paulo,123,3,3,2,3,not acept,furnished,1527,3400,334,44,5305 +São Paulo,59,2,2,0,10,acept,furnished,380,3900,143,50,4473 +São Paulo,130,2,3,3,-,acept,not furnished,0,1830,0,28,1858 +Porto Alegre,58,1,1,1,2,acept,not furnished,273,1200,27,18,1518 +São Paulo,42,1,1,1,9,acept,not furnished,500,2325,128,30,2983 +São Paulo,168,3,2,4,-,not acept,not furnished,600,3500,317,53,4470 +São Paulo,430,4,7,6,-,acept,not furnished,0,7990,300,121,8411 +Rio de Janeiro,90,3,2,1,17,acept,not furnished,830,980,120,13,1943 +Rio de Janeiro,36,1,1,0,8,acept,furnished,450,2000,0,26,2476 +Rio de Janeiro,45,1,1,1,5,acept,furnished,1050,2700,196,35,3981 +Belo Horizonte,73,3,1,1,3,acept,not furnished,707,1400,121,19,2247 +São Paulo,38,1,1,0,2,not acept,not furnished,60,950,0,13,1023 +São Paulo,95,3,2,1,7,acept,not furnished,850,2300,0,30,3180 +Campinas,60,1,1,1,1,acept,furnished,665,1700,37,22,2424 +Belo Horizonte,60,2,1,1,6,not acept,not furnished,200,2000,66,27,2293 +São Paulo,44,1,1,1,1,not acept,furnished,590,2000,29,26,2645 +Porto Alegre,39,1,1,1,1,not acept,furnished,185,900,27,14,1126 +Campinas,30,1,1,0,2,not acept,not furnished,70,1100,9,14,1193 +São Paulo,250,3,3,2,-,not acept,not furnished,0,3700,459,56,4215 +São Paulo,170,3,3,3,-,acept,not furnished,0,3500,209,53,3762 +São Paulo,65,2,1,0,-,acept,not furnished,0,1800,167,28,1995 +São Paulo,320,3,3,4,-,acept,not furnished,1700,4320,142,65,6227 +São Paulo,60,2,1,3,-,acept,not furnished,0,2200,188,34,2422 +Porto Alegre,100,3,1,0,3,acept,furnished,250,1870,59,28,2207 +São Paulo,100,2,2,2,-,acept,not furnished,1750,2800,450,36,5036 +São Paulo,45,2,1,0,2,acept,not furnished,60,900,42,12,1014 +São Paulo,270,5,7,2,-,acept,not furnished,0,3978,89,60,4127 +Rio de Janeiro,90,3,2,1,10,not acept,furnished,1500,3500,350,46,5396 +Campinas,51,2,1,2,13,not acept,not furnished,457,1850,56,24,2387 +São Paulo,72,2,2,1,1,acept,not furnished,0,1760,30,23,1813 +Rio de Janeiro,45,1,1,1,2,not acept,furnished,50,2000,50,26,2126 +Porto Alegre,60,2,1,0,3,acept,not furnished,170,1090,25,16,1301 +São Paulo,213,3,3,2,1,not acept,not furnished,3200,6500,475,83,10260 +São Paulo,33,1,1,0,1,not acept,not furnished,250,1305,0,17,1572 +Campinas,74,3,1,1,4,acept,not furnished,308,814,49,11,1182 +São Paulo,120,3,1,1,-,acept,not furnished,0,2625,0,26,2651 +Rio de Janeiro,45,1,1,0,2,acept,not furnished,340,1900,13,25,2278 +São Paulo,59,2,2,1,2,acept,not furnished,759,3478,75,14,4326 +Rio de Janeiro,35,1,1,0,5,not acept,furnished,600,4500,67,58,5225 +São Paulo,253,4,5,3,16,acept,not furnished,2100,4100,0,52,6252 +Campinas,78,3,2,1,6,acept,not furnished,645,1600,67,21,2333 +Belo Horizonte,200,4,3,3,10,not acept,not furnished,2012,5000,547,67,7626 +São Paulo,128,3,3,2,10,acept,not furnished,2600,3800,605,49,7054 +Belo Horizonte,200,5,2,5,-,acept,not furnished,0,4000,148,54,4202 +São Paulo,60,2,2,1,17,acept,not furnished,440,1250,38,16,1744 +São Paulo,244,3,4,2,7,acept,furnished,3500,12000,648,153,16300 +São Paulo,120,2,1,1,-,not acept,not furnished,0,3000,280,46,3326 +Campinas,145,4,3,2,8,acept,not furnished,1800,5700,292,73,7865 +São Paulo,120,3,2,1,7,acept,not furnished,1400,4675,200,60,6335 +Campinas,34,1,1,0,4,acept,not furnished,430,650,70,9,1159 +São Paulo,90,2,1,2,4,acept,not furnished,1100,2000,0,26,3126 +Campinas,76,2,1,0,1,acept,not furnished,300,700,100,9,1109 +São Paulo,69,3,2,1,8,acept,not furnished,670,2000,6,26,2702 +São Paulo,150,3,2,0,-,acept,not furnished,0,2500,150,38,2688 +São Paulo,101,2,2,1,12,acept,not furnished,582,1700,0,22,2304 +São Paulo,225,3,3,2,5,acept,not furnished,2560,10800,670,137,14170 +São Paulo,220,4,4,4,8,acept,not furnished,2058,4500,540,58,7156 +Porto Alegre,79,2,1,0,10,acept,not furnished,400,1880,67,28,2375 +São Paulo,25,1,1,0,-,acept,not furnished,0,1200,25,19,1244 +São Paulo,277,3,5,4,-,acept,not furnished,2580,9000,771,136,12490 +São Paulo,282,4,4,3,19,acept,furnished,3100,10000,1334,127,14560 +São Paulo,200,4,5,3,1,not acept,not furnished,2800,5500,997,70,9367 +Porto Alegre,45,1,1,2,5,acept,not furnished,800,2300,9,34,3143 +São Paulo,280,4,4,3,17,acept,furnished,2400,6553,0,84,9037 +São Paulo,155,4,3,2,16,acept,not furnished,1050,3500,459,45,5054 +São Paulo,44,1,1,1,9,acept,furnished,398,1900,19,25,2342 +Belo Horizonte,312,4,5,4,9,acept,not furnished,1067,8000,890,107,10060 +Rio de Janeiro,90,2,1,0,2,acept,not furnished,200,1200,142,16,1558 +São Paulo,64,2,1,1,5,acept,furnished,741,1850,75,24,2690 +São Paulo,150,2,2,3,2,not acept,furnished,4085,8000,570,102,12760 +São Paulo,65,2,1,0,-,acept,not furnished,0,1300,70,17,1387 +Porto Alegre,47,1,1,1,1,not acept,furnished,400,2200,0,33,2633 +Rio de Janeiro,40,1,1,0,9,acept,furnished,550,1980,84,26,2640 +São Paulo,50,1,1,0,12,acept,furnished,501,1800,0,23,2324 +Belo Horizonte,120,3,3,2,-,acept,not furnished,0,2320,125,39,2484 +Rio de Janeiro,95,3,1,0,2,acept,not furnished,528,3000,140,39,3707 +Rio de Janeiro,25,1,1,2,6,not acept,furnished,540,1650,42,22,2254 +São Paulo,202,4,3,4,5,acept,not furnished,4308,12000,1896,153,18360 +Rio de Janeiro,30,1,1,0,3,acept,not furnished,350,1000,17,13,1380 +Porto Alegre,30,1,1,0,1,acept,furnished,230,850,18,13,1111 +Belo Horizonte,1000,3,4,2,-,acept,not furnished,0,5000,365,82,5447 +Porto Alegre,80,3,1,1,8,acept,not furnished,400,1700,125,25,2250 +Belo Horizonte,120,4,3,2,2,acept,not furnished,0,3250,0,44,3294 +São Paulo,249,3,3,3,-,acept,not furnished,0,9000,834,136,9970 +São Paulo,90,3,3,2,16,acept,not furnished,1119,2600,360,33,4112 +Rio de Janeiro,91,2,2,1,1,acept,not furnished,1102,3450,201,45,4798 +São Paulo,36,1,1,0,4,acept,not furnished,300,1162,19,15,1496 +São Paulo,51,2,1,1,7,acept,not furnished,427,2900,114,37,3478 +São Paulo,287,4,4,4,6,not acept,not furnished,7900,11300,2590,144,21930 +Rio de Janeiro,65,2,2,1,5,acept,furnished,1265,6700,262,87,8314 +São Paulo,84,2,2,2,20,not acept,furnished,1250,9600,217,122,11190 +São Paulo,43,1,1,1,2,not acept,furnished,488,3600,133,46,4267 +São Paulo,58,2,1,1,1,acept,not furnished,430,1540,0,20,1990 +São Paulo,208,4,4,3,1,acept,furnished,2860,8000,1672,102,12630 +São Paulo,462,7,2,3,-,not acept,not furnished,0,8600,834,130,9564 +São Paulo,167,3,2,1,14,acept,furnished,1800,9500,500,121,11920 +São Paulo,62,2,1,1,12,not acept,furnished,650,1236,34,16,1936 +Porto Alegre,75,2,2,0,5,acept,not furnished,400,2500,140,37,3077 +Campinas,244,5,7,4,12,acept,not furnished,1600,8000,500,102,10200 +São Paulo,309,4,7,8,-,acept,not furnished,0,8000,1250,121,9371 +Porto Alegre,40,1,1,0,5,acept,not furnished,400,950,100,14,1464 +Porto Alegre,90,2,1,0,2,acept,not furnished,200,950,26,14,1190 +Porto Alegre,47,1,1,0,-,not acept,not furnished,200,1100,0,17,1317 +Porto Alegre,143,3,2,3,9,acept,furnished,1950,6000,698,88,8736 +São Paulo,230,3,4,3,8,not acept,not furnished,2700,4210,1167,54,8131 +São Paulo,580,6,6,6,-,acept,not furnished,0,6960,2084,105,9149 +São Paulo,238,4,4,3,1,acept,furnished,2569,15000,542,191,18300 +São Paulo,113,3,4,3,5,acept,furnished,1055,3400,178,44,4677 +São Paulo,115,2,2,2,10,not acept,furnished,1395,3800,259,49,5503 +São Paulo,80,1,2,1,10,acept,furnished,1000,4000,109,51,5160 +Rio de Janeiro,300,4,4,3,3,acept,not furnished,2300,4500,803,58,7661 +Campinas,70,1,1,2,-,acept,not furnished,0,1450,5,22,1477 +São Paulo,52,2,1,0,-,acept,not furnished,375,990,0,13,1378 +São Paulo,55,2,1,1,9,acept,not furnished,655,1530,100,20,2305 +Rio de Janeiro,58,2,1,1,7,acept,not furnished,754,750,44,10,1558 +Campinas,50,2,1,1,-,acept,not furnished,330,1150,0,15,1495 +Campinas,40,1,1,0,4,acept,not furnished,420,500,17,7,944 +São Paulo,164,3,2,1,15,acept,furnished,1229,3700,198,47,5174 +Porto Alegre,76,2,2,0,2,acept,not furnished,190,2100,49,38,2377 +São Paulo,80,2,1,1,2,acept,furnished,1950,2800,209,36,4995 +Belo Horizonte,300,5,4,3,-,acept,not furnished,0,15000,417,246,15660 +Porto Alegre,75,2,2,2,4,acept,not furnished,550,1600,122,24,2296 +São Paulo,280,3,4,2,-,acept,furnished,8000,8000,667,121,16790 +Porto Alegre,50,1,1,1,3,not acept,not furnished,370,1200,50,18,1638 +São Paulo,74,1,2,2,8,acept,furnished,850,5500,294,70,6714 +São Paulo,73,2,1,1,4,acept,not furnished,540,2080,0,27,2647 +Campinas,280,4,3,4,-,acept,not furnished,2307,3100,341,47,5795 +Rio de Janeiro,403,3,4,2,3,acept,not furnished,2800,15000,667,194,18660 +Campinas,424,4,5,4,-,acept,not furnished,0,3315,358,50,3723 +São Paulo,190,4,5,3,10,acept,not furnished,3200,4000,417,51,7668 +São Paulo,454,4,3,4,-,acept,furnished,2700,10900,917,164,14680 +São Paulo,138,3,2,1,7,not acept,not furnished,2000,7600,238,97,9935 +São Paulo,600,5,5,6,-,acept,not furnished,0,15000,2100,191,17290 +Campinas,58,2,1,1,1,acept,furnished,385,3500,64,45,3994 +São Paulo,38,1,1,0,16,acept,furnished,290,2500,0,32,2822 +São Paulo,113,2,2,1,4,acept,not furnished,1000,3000,50,39,4089 +São Paulo,70,2,1,0,-,not acept,not furnished,0,1700,25,26,1751 +Rio de Janeiro,90,2,1,0,10,acept,furnished,1,4000,1,52,4054 +São Paulo,183,4,4,3,7,acept,not furnished,2200,5000,834,64,8098 +Rio de Janeiro,20,1,1,0,8,acept,furnished,630,1370,25,18,2043 +Belo Horizonte,66,2,1,1,1,acept,not furnished,380,500,23,7,910 +Rio de Janeiro,92,2,2,0,3,acept,not furnished,1550,2700,250,35,4535 +Porto Alegre,70,2,1,0,3,not acept,furnished,300,1800,0,27,2127 +São Paulo,93,3,2,1,10,acept,not furnished,1497,3400,227,44,5168 +São Paulo,220,4,5,4,5,not acept,not furnished,2066,3230,1577,41,6914 +São Paulo,20,1,1,0,3,not acept,furnished,300,600,40,8,948 +São Paulo,92,3,2,2,-,not acept,not furnished,150,2200,198,34,2582 +Belo Horizonte,50,2,1,0,-,not acept,not furnished,0,1200,250,16,1466 +São Paulo,300,3,5,2,12,not acept,furnished,2100,13900,809,177,16990 +Porto Alegre,90,3,1,1,6,acept,not furnished,380,1750,90,26,2246 +Campinas,36,1,1,0,4,not acept,not furnished,300,500,10,7,817 +Rio de Janeiro,70,2,2,0,3,acept,not furnished,1015,2250,135,29,3429 +São Paulo,200,3,3,2,-,acept,not furnished,0,3500,292,53,3845 +Rio de Janeiro,160,3,2,1,4,acept,furnished,1957,6800,513,88,9358 +São Paulo,135,3,2,3,7,acept,not furnished,1941,2800,635,36,5412 +São Paulo,70,1,1,0,-,acept,not furnished,0,1200,34,19,1253 +Belo Horizonte,95,2,1,1,4,not acept,furnished,330,2000,94,27,2451 +São Paulo,60,2,2,2,15,acept,not furnished,692,1900,90,25,2707 +São Paulo,36,1,1,0,1,acept,not furnished,0,860,50,11,921 +São Paulo,136,3,3,3,4,acept,furnished,1970,6000,600,77,8647 +São Paulo,250,3,2,2,-,acept,not furnished,0,3500,250,53,3803 +São Paulo,330,3,5,3,15,acept,not furnished,3400,15000,2500,191,21090 +Belo Horizonte,65,3,2,1,5,not acept,not furnished,250,950,82,13,1295 +Campinas,380,3,4,4,-,acept,not furnished,3640,8000,534,121,12300 +São Paulo,350,5,5,4,-,acept,not furnished,0,3000,467,46,3513 +Campinas,70,2,1,0,2,acept,not furnished,470,700,39,9,1218 +Rio de Janeiro,65,2,2,0,2,acept,not furnished,640,1500,70,20,2230 +São Paulo,45,1,1,1,1,not acept,furnished,3000,5520,0,70,8590 +Rio de Janeiro,95,2,2,0,-,acept,not furnished,450,3430,263,45,4188 +São Paulo,120,2,1,1,-,acept,not furnished,0,1600,167,25,1792 +São Paulo,248,3,4,3,2,acept,not furnished,4325,5300,1521,68,11210 +São Paulo,100,2,1,2,-,not acept,not furnished,0,3300,317,50,3667 +São Paulo,394,4,6,4,23,acept,furnished,6000,4000,2500,51,12550 +Campinas,209,3,3,2,-,not acept,not furnished,593,2550,237,39,3419 +Rio de Janeiro,16,1,1,0,2,acept,not furnished,450,555,30,8,1043 +São Paulo,49,2,1,1,8,acept,not furnished,528,1700,135,22,2385 +Rio de Janeiro,70,2,2,1,4,not acept,furnished,750,4100,13,53,4916 +Rio de Janeiro,150,3,2,3,2,acept,not furnished,0,2430,38,32,2500 +Porto Alegre,58,2,1,1,4,acept,not furnished,220,1320,67,20,1627 +São Paulo,200,3,4,1,8,not acept,furnished,2200,6000,375,77,8652 +Belo Horizonte,400,3,3,0,-,acept,not furnished,0,3500,142,58,3700 +São Paulo,196,3,4,2,1,not acept,not furnished,2200,3300,559,42,6101 +Porto Alegre,40,1,1,0,3,not acept,furnished,0,2000,0,30,2030 +Belo Horizonte,158,3,3,2,5,acept,not furnished,796,3700,360,50,4906 +São Paulo,130,2,1,1,-,acept,not furnished,0,4000,0,61,4061 +Campinas,48,1,2,0,2,acept,furnished,704,987,46,13,1750 +São Paulo,72,2,1,1,7,acept,not furnished,438,1440,51,19,1948 +São Paulo,65,2,1,0,2,acept,not furnished,425,1680,33,22,2160 +Porto Alegre,60,2,1,1,7,acept,not furnished,320,1900,50,28,2298 +São Paulo,48,1,1,1,19,acept,not furnished,588,1525,0,6,2119 +Rio de Janeiro,47,1,1,0,2,not acept,not furnished,306,1400,22,19,1747 +Porto Alegre,84,2,1,0,3,acept,not furnished,500,900,73,14,1487 +São Paulo,186,4,2,2,2,acept,not furnished,1500,2500,0,32,4032 +Belo Horizonte,85,3,2,2,2,not acept,not furnished,500,1500,114,20,2134 +São Paulo,160,4,5,3,2,acept,furnished,1623,3800,834,49,6306 +Rio de Janeiro,74,2,1,1,1,acept,not furnished,100,900,65,12,1077 +São Paulo,18,1,1,0,-,acept,not furnished,0,1720,0,22,1742 +Porto Alegre,130,2,1,2,-,acept,not furnished,0,2000,109,36,2145 +Belo Horizonte,95,3,2,1,2,acept,not furnished,300,2300,182,31,2813 +São Paulo,105,3,2,3,1,acept,not furnished,1250,1900,552,25,3727 +Belo Horizonte,85,2,2,1,6,acept,not furnished,1105,1100,119,15,2339 +Belo Horizonte,50,1,1,2,-,acept,not furnished,0,1280,83,21,1384 +Rio de Janeiro,103,3,2,1,3,acept,not furnished,1736,4500,290,58,6584 +São Paulo,54,2,1,1,1,acept,not furnished,990,780,0,10,1780 +Campinas,75,2,1,2,1,acept,not furnished,235,1400,25,18,1678 +São Paulo,25,1,1,0,1,not acept,not furnished,0,1200,35,16,1251 +Belo Horizonte,63,3,2,2,2,not acept,not furnished,180,1300,90,18,1588 +Belo Horizonte,150,5,5,5,-,acept,furnished,0,14000,835,230,15070 +São Paulo,47,2,1,1,12,acept,not furnished,597,1570,0,20,2187 +Rio de Janeiro,140,3,2,3,2,acept,furnished,926,4235,145,55,5361 +Rio de Janeiro,40,1,1,0,2,acept,not furnished,380,1110,0,15,1505 +Belo Horizonte,115,3,2,1,2,not acept,not furnished,334,2200,110,30,2674 +São Paulo,160,4,3,2,9,acept,furnished,2800,9530,286,121,12740 +Rio de Janeiro,80,1,1,0,-,not acept,not furnished,70,1400,38,22,1530 +Rio de Janeiro,75,2,1,1,2,acept,not furnished,450,1100,50,15,1615 +Porto Alegre,80,2,1,0,1,acept,not furnished,0,950,65,14,1029 +São Paulo,80,2,2,1,-,acept,not furnished,0,2600,417,40,3057 +São Paulo,199,3,4,5,17,acept,furnished,2800,4000,1500,51,8351 +São Paulo,400,4,4,3,-,acept,not furnished,0,9000,542,136,9678 +São Paulo,70,1,1,0,-,not acept,not furnished,0,1086,163,17,1266 +São Paulo,300,4,5,4,-,acept,not furnished,0,5000,538,76,5614 +Belo Horizonte,70,2,1,1,6,acept,not furnished,370,1100,103,15,1588 +São Paulo,250,3,2,1,2,acept,not furnished,3200,8500,5000,108,16810 +Rio de Janeiro,27,1,1,0,12,acept,furnished,350,1700,67,22,2139 +São Paulo,54,2,1,1,12,not acept,not furnished,720,2010,71,26,2827 +São Paulo,225,4,5,4,22,acept,furnished,2000,9000,1192,115,12310 +São Paulo,125,3,2,1,9,acept,not furnished,1000,4655,200,59,5914 +São Paulo,55,2,1,0,-,acept,not furnished,0,2000,75,31,2106 +São Paulo,186,3,3,2,22,not acept,not furnished,1350,5435,405,69,7259 +Rio de Janeiro,154,3,3,1,5,acept,not furnished,1450,5000,367,65,6882 +São Paulo,200,3,4,2,-,not acept,furnished,0,9800,417,148,10370 +São Paulo,246,3,4,3,8,acept,not furnished,3200,4500,794,58,8552 +Porto Alegre,78,2,1,0,3,acept,not furnished,280,1380,32,21,1713 +São Paulo,70,2,1,1,-,acept,not furnished,60,2100,0,32,2192 +São Paulo,188,3,1,3,-,acept,not furnished,0,9500,472,143,10120 +Belo Horizonte,165,3,2,4,2,acept,furnished,230,2870,142,39,3281 +Campinas,63,2,1,0,1,acept,not furnished,430,950,0,13,1393 +Belo Horizonte,200,4,2,2,5,acept,not furnished,2341,4000,421,54,6816 +São Paulo,298,4,5,4,1,not acept,not furnished,3600,6000,1250,77,10930 +São Paulo,154,3,1,3,17,acept,furnished,830,6700,400,85,8015 +Campinas,110,3,2,2,7,not acept,not furnished,900,2100,100,27,3127 +Campinas,130,2,2,5,-,acept,not furnished,0,1800,321,28,2149 +São Paulo,32,1,1,1,18,not acept,furnished,1600,3500,234,45,5379 +Rio de Janeiro,170,4,3,2,10,acept,not furnished,2500,2430,500,32,5462 +São Paulo,69,2,1,0,8,acept,not furnished,1100,1600,0,21,2721 +Rio de Janeiro,118,2,2,1,6,acept,not furnished,1600,3950,271,51,5872 +Rio de Janeiro,90,3,1,0,4,acept,not furnished,370,2800,109,37,3316 +Campinas,65,1,1,1,9,acept,not furnished,380,1200,83,16,1679 +São Paulo,260,4,3,4,1,acept,furnished,2780,4000,1200,51,8031 +São Paulo,182,3,5,3,10,acept,not furnished,3600,4900,875,63,9438 +São Paulo,41,1,1,1,10,not acept,not furnished,900,3500,100,45,4545 +São Paulo,45,1,1,0,-,acept,not furnished,0,1400,0,22,1422 +São Paulo,40,1,1,0,-,not acept,not furnished,0,780,17,12,809 +São Paulo,100,1,3,2,8,not acept,furnished,800,2500,125,32,3457 +São Paulo,66,2,1,0,7,acept,not furnished,356,1650,0,21,2027 +Belo Horizonte,71,3,2,2,4,acept,not furnished,660,970,149,13,1792 +Campinas,94,2,1,1,1,acept,not furnished,525,1200,88,16,1829 +Rio de Janeiro,80,2,2,1,2,acept,not furnished,662,1380,215,18,2275 +São Paulo,41,1,1,1,4,not acept,furnished,380,3220,0,13,3613 +São Paulo,140,3,2,1,-,acept,not furnished,0,3825,0,58,3883 +Porto Alegre,47,1,1,1,1,not acept,furnished,400,2200,0,33,2633 +Rio de Janeiro,70,3,1,1,2,acept,not furnished,550,1200,0,16,1766 +Campinas,58,1,1,1,3,acept,not furnished,710,720,40,10,1480 +São Paulo,200,3,4,4,8,acept,furnished,1800,5600,860,71,8331 +Rio de Janeiro,40,1,1,0,3,acept,not furnished,262,725,0,10,997 +São Paulo,240,3,4,4,-,not acept,not furnished,0,4000,370,61,4431 +São Paulo,96,3,2,1,12,acept,not furnished,1122,3050,231,39,4442 +São Paulo,220,4,5,2,-,acept,not furnished,0,6500,1176,98,7774 +São Paulo,132,3,2,2,8,acept,furnished,1650,4000,400,51,6101 +Belo Horizonte,106,3,2,2,7,not acept,not furnished,1294,2200,239,30,3763 +São Paulo,150,3,3,2,3,acept,furnished,2100,2000,584,26,4710 +São Paulo,68,3,1,1,7,not acept,not furnished,700,1400,0,18,2118 +Porto Alegre,180,4,5,3,9,acept,furnished,2500,10500,410,154,13560 +Porto Alegre,44,1,1,1,9,acept,not furnished,280,1170,31,18,1499 +Rio de Janeiro,75,2,1,0,3,acept,not furnished,888,1900,267,25,3080 +São Paulo,58,2,2,1,6,acept,not furnished,450,4700,5,60,5215 +São Paulo,72,2,1,0,9,acept,not furnished,760,2200,17,28,3005 +São Paulo,190,4,4,2,-,acept,not furnished,0,3500,315,53,3868 +Rio de Janeiro,150,3,2,1,10,acept,not furnished,1500,1300,140,17,2957 +Campinas,550,3,7,8,-,acept,not furnished,0,7700,430,116,8246 +São Paulo,220,2,2,3,-,acept,not furnished,0,10500,750,158,11410 +São Paulo,200,3,2,3,-,acept,furnished,0,6000,209,91,6300 +Belo Horizonte,300,5,3,4,-,acept,not furnished,900,6800,167,112,7979 +São Paulo,70,2,2,0,3,not acept,not furnished,260,2280,92,29,2661 +Campinas,43,2,1,1,-,acept,not furnished,274,1000,7,13,1294 +Porto Alegre,45,1,1,1,1,acept,not furnished,240,740,7,11,998 +Porto Alegre,55,2,1,0,3,acept,not furnished,350,650,42,10,1052 +São Paulo,700,5,8,3,-,acept,not furnished,0,12000,1000,181,13180 +Belo Horizonte,300,3,5,0,-,acept,not furnished,0,5500,310,91,5901 +Porto Alegre,220,4,5,2,-,acept,not furnished,0,7000,225,125,7350 +São Paulo,300,4,5,6,-,acept,furnished,0,15000,1805,226,17030 +Porto Alegre,52,1,1,0,-,acept,not furnished,90,748,1,11,850 +Rio de Janeiro,106,2,2,1,2,acept,not furnished,1550,4000,323,52,5925 +Porto Alegre,84,2,2,2,6,acept,not furnished,657,3200,189,47,4093 +São Paulo,50,2,1,0,-,not acept,not furnished,0,1200,0,19,1219 +São Paulo,240,3,3,2,-,acept,not furnished,0,4000,292,61,4353 +São Paulo,240,3,3,4,-,acept,furnished,0,8000,1000,121,9121 +Porto Alegre,260,2,2,1,3,not acept,not furnished,350,1640,0,24,2014 +São Paulo,73,2,2,1,11,acept,not furnished,700,1250,150,16,2116 +São Paulo,334,4,6,5,4,acept,not furnished,3790,3800,2435,49,10070 +São Paulo,67,2,1,1,6,acept,not furnished,313,1200,167,16,1696 +São Paulo,71,2,1,0,8,not acept,not furnished,764,1800,0,23,2587 +São Paulo,280,3,4,3,4,not acept,not furnished,4200,7600,1250,97,13150 +Belo Horizonte,450,5,5,3,-,acept,not furnished,0,6500,542,107,7149 +Porto Alegre,82,3,2,1,6,acept,not furnished,700,2500,59,37,3296 +São Paulo,380,4,5,4,4,acept,not furnished,4000,8000,2667,102,14770 +Porto Alegre,105,3,2,2,1,acept,not furnished,600,2390,134,35,3159 +São Paulo,55,1,1,1,10,acept,furnished,570,1800,0,7,2377 +São Paulo,45,1,1,0,-,not acept,not furnished,700,1500,0,20,2220 +São Paulo,70,2,2,1,5,acept,furnished,820,3100,117,40,4077 +São Paulo,160,3,3,0,-,not acept,not furnished,0,5000,500,76,5576 +São Paulo,48,2,1,1,1,acept,not furnished,480,1710,0,22,2212 +São Paulo,200,3,4,2,2,acept,not furnished,2700,9180,0,117,12000 +São Paulo,46,2,1,0,5,acept,not furnished,0,1200,0,16,1216 +Rio de Janeiro,30,1,1,0,-,not acept,not furnished,0,680,0,9,689 +Rio de Janeiro,140,3,2,1,10,acept,not furnished,1600,3600,375,47,5622 +São Paulo,101,3,3,2,1,acept,not furnished,780,4600,330,59,5769 +São Paulo,340,2,4,3,14,acept,not furnished,4900,15000,917,191,21010 +São Paulo,400,4,5,4,13,acept,furnished,2700,7000,1500,89,11290 +Campinas,55,2,1,1,2,acept,not furnished,453,749,44,10,1256 +Rio de Janeiro,45,2,1,1,9,acept,not furnished,560,1450,18,19,2047 +São Paulo,62,2,2,0,-,acept,furnished,0,1250,0,19,1269 +Rio de Janeiro,75,2,1,0,1,acept,furnished,750,3190,196,42,4178 +São Paulo,86,3,1,1,6,acept,not furnished,460,3150,0,40,3650 +Porto Alegre,182,3,3,2,-,acept,not furnished,0,3200,112,57,3369 +Porto Alegre,30,1,1,1,-,acept,not furnished,0,762,15,14,791 +Rio de Janeiro,153,4,3,1,-,acept,not furnished,0,2710,121,42,2873 +São Paulo,70,2,1,1,-,acept,not furnished,0,1100,77,17,1194 +Rio de Janeiro,82,2,1,1,11,acept,not furnished,750,1840,83,24,2697 +São Paulo,160,3,4,4,-,not acept,not furnished,0,7000,534,106,7640 +São Paulo,270,5,4,4,6,not acept,not furnished,3500,7000,1684,89,12270 +São Paulo,370,7,6,8,-,acept,not furnished,0,10000,1875,151,12030 +São Paulo,470,4,6,2,7,acept,not furnished,3000,7200,1000,109,11310 +São Paulo,200,1,1,3,-,acept,not furnished,0,1600,264,25,1889 +São Paulo,62,2,2,0,6,not acept,not furnished,645,1400,92,18,2155 +São Paulo,64,2,2,1,4,acept,not furnished,690,2500,5,32,3227 +São Paulo,58,2,1,1,2,acept,not furnished,170,1100,0,14,1284 +Porto Alegre,75,2,2,0,9,not acept,not furnished,436,1350,50,20,1856 +São Paulo,200,2,2,2,11,acept,furnished,2900,11000,560,140,14600 +São Paulo,36,1,1,1,11,acept,not furnished,380,1600,60,21,2061 +Porto Alegre,120,2,2,1,8,acept,not furnished,850,1700,134,25,2709 +Porto Alegre,62,2,2,2,3,acept,not furnished,540,1600,9,24,2173 +São Paulo,490,3,3,3,-,acept,furnished,0,4450,1200,67,5717 +Belo Horizonte,67,2,2,2,7,not acept,not furnished,831,3170,34,43,4078 +São Paulo,161,3,3,3,8,acept,not furnished,1762,2500,741,32,5035 +São Paulo,176,4,2,3,-,acept,not furnished,1225,5000,0,76,6301 +São Paulo,178,4,4,4,16,acept,not furnished,2200,4500,688,58,7446 +Porto Alegre,88,3,2,0,2,acept,not furnished,520,1658,31,25,2234 +Porto Alegre,470,3,3,4,-,acept,furnished,0,3700,346,66,4112 +São Paulo,257,4,3,2,-,acept,not furnished,0,7000,1200,106,8306 +São Paulo,70,4,3,0,-,acept,not furnished,0,3500,270,53,3823 +Belo Horizonte,50,2,1,1,4,acept,not furnished,145,700,62,10,917 +Belo Horizonte,89,3,2,1,2,acept,not furnished,330,1300,138,18,1786 +São Paulo,73,2,1,1,4,acept,not furnished,680,1300,21,17,2018 +São Paulo,95,3,2,2,14,acept,furnished,1000,4500,325,58,5883 +Rio de Janeiro,54,2,1,1,9,acept,not furnished,560,1600,0,21,2181 +Belo Horizonte,150,4,1,3,4,acept,furnished,1600,4350,542,58,6550 +Rio de Janeiro,139,2,3,1,5,acept,not furnished,720,5966,387,77,7150 +Porto Alegre,45,1,1,0,4,acept,furnished,200,1700,55,25,1980 +São Paulo,255,4,4,4,-,acept,not furnished,0,3400,375,52,3827 +São Paulo,100,1,1,0,-,acept,not furnished,0,2150,267,33,2450 +São Paulo,120,3,3,1,4,acept,not furnished,1015,2870,0,37,3922 +Campinas,200,4,5,2,-,not acept,not furnished,1000,8000,84,121,9205 +São Paulo,72,2,1,1,5,acept,not furnished,899,1280,6,17,2202 +Porto Alegre,50,1,1,0,-,acept,furnished,0,1100,13,20,1133 +São Paulo,158,3,4,3,5,not acept,furnished,1950,12000,738,153,14840 +São Paulo,22,1,1,0,26,acept,not furnished,384,2100,40,27,2551 +São Paulo,105,3,2,1,2,acept,not furnished,1937,2380,374,31,4722 +São Paulo,50,2,1,1,5,acept,not furnished,420,1500,3,20,1943 +Belo Horizonte,65,2,2,0,3,acept,not furnished,210,1200,19,16,1445 +São Paulo,108,3,2,2,2,acept,not furnished,980,2000,195,26,3201 +Campinas,50,1,1,0,2,acept,not furnished,450,1080,15,14,1559 +São Paulo,198,3,3,6,-,acept,furnished,0,4200,250,64,4514 +Campinas,74,3,2,1,10,acept,not furnished,700,1800,120,23,2643 +Rio de Janeiro,71,2,2,1,13,not acept,furnished,2438,5500,246,71,8255 +Porto Alegre,52,2,1,1,5,acept,not furnished,400,1100,42,17,1559 +Belo Horizonte,355,3,4,8,8,acept,not furnished,2700,6000,1106,80,9886 +Porto Alegre,162,3,1,0,1,acept,not furnished,440,1300,67,19,1826 +São Paulo,90,1,1,0,11,not acept,not furnished,300,2000,0,26,2326 +Porto Alegre,62,2,1,1,7,not acept,not furnished,485,1377,54,21,1937 +São Paulo,130,3,2,2,-,acept,furnished,0,3000,0,46,3046 +São Paulo,78,1,1,0,2,acept,not furnished,420,2522,25,32,2999 +São Paulo,276,4,5,4,-,acept,not furnished,0,4900,183,74,5157 +São Paulo,50,2,1,1,2,acept,not furnished,380,1500,88,20,1988 +Porto Alegre,35,1,1,0,2,acept,furnished,350,1500,50,22,1922 +Belo Horizonte,161,3,1,2,-,acept,not furnished,0,3500,435,58,3993 +São Paulo,30,1,1,0,3,not acept,not furnished,340,920,0,12,1272 +São Paulo,251,4,4,3,10,acept,not furnished,2700,4200,1250,54,8204 +São Paulo,77,2,1,1,1,acept,furnished,1300,2600,100,33,4033 +São Paulo,112,3,3,2,8,not acept,not furnished,1222,3250,486,42,5000 +Campinas,273,4,2,2,4,acept,furnished,2100,2470,366,32,4968 +Rio de Janeiro,55,1,1,1,8,acept,not furnished,400,1100,9,15,1524 +Campinas,80,3,2,2,14,not acept,not furnished,704,1800,83,23,2610 +São Paulo,400,4,5,3,-,acept,not furnished,0,15000,1750,226,16980 +Rio de Janeiro,110,3,2,1,9,acept,not furnished,1100,2500,100,33,3733 +São Paulo,262,4,5,4,17,acept,not furnished,2500,2250,1350,29,6129 +Rio de Janeiro,38,1,1,0,12,not acept,not furnished,600,1700,82,22,2404 +São Paulo,140,2,2,1,3,not acept,not furnished,2000,12500,279,159,14940 +São Paulo,110,6,5,7,-,acept,not furnished,0,9810,1000,148,10960 +Porto Alegre,46,1,1,1,3,acept,not furnished,280,1099,55,17,1451 +Porto Alegre,55,2,1,0,4,acept,not furnished,390,1500,42,22,1954 +Rio de Janeiro,70,2,1,1,5,not acept,not furnished,470,1710,100,23,2303 +São Paulo,60,2,2,1,1,acept,not furnished,600,1860,0,24,2484 +São Paulo,87,3,2,2,5,not acept,not furnished,750,4000,250,51,5051 +Porto Alegre,400,3,4,4,-,acept,furnished,3000,12000,1100,214,16310 +Porto Alegre,64,2,2,0,7,not acept,not furnished,550,1350,52,20,1972 +Rio de Janeiro,85,2,2,1,12,acept,furnished,3499,9000,769,116,13380 +Porto Alegre,140,3,4,2,12,acept,not furnished,1990,3490,292,51,5823 +São Paulo,288,4,5,4,8,acept,not furnished,3635,5025,1155,64,9879 +São Paulo,64,3,1,1,2,acept,not furnished,470,1200,110,16,1796 +São Paulo,62,2,2,1,1,not acept,furnished,684,5050,227,64,6025 +Rio de Janeiro,15,1,1,0,-,acept,not furnished,0,700,0,10,710 +São Paulo,200,4,3,2,8,acept,not furnished,2744,4100,1615,52,8511 +Belo Horizonte,450,4,3,4,8,acept,furnished,2000,12750,717,170,15640 +São Paulo,72,3,2,1,11,acept,not furnished,800,3010,0,39,3849 +Rio de Janeiro,75,2,1,1,6,acept,not furnished,970,1750,42,23,2785 +São Paulo,20,1,1,0,-,acept,not furnished,0,550,30,9,589 +São Paulo,77,2,2,1,6,acept,not furnished,900,3000,80,39,4019 +São Paulo,57,1,1,0,5,acept,furnished,300,6000,17,77,6394 +São Paulo,103,3,3,0,6,acept,not furnished,1530,6000,320,77,7927 +São Paulo,180,3,2,1,8,acept,furnished,2000,12000,334,153,14490 +Porto Alegre,80,2,1,1,1,acept,not furnished,0,833,4,13,850 +São Paulo,25,1,1,1,8,acept,furnished,0,4000,0,51,4051 +Campinas,248,3,4,4,2,acept,not furnished,2648,8000,667,102,11420 +Belo Horizonte,360,6,2,0,-,not acept,not furnished,0,8000,752,132,8884 +São Paulo,62,1,1,0,4,acept,furnished,670,2300,0,30,3000 +São Paulo,85,2,1,0,2,acept,not furnished,259,1800,0,23,2082 +Porto Alegre,187,3,3,2,-,acept,furnished,0,2805,98,50,2953 +São Paulo,58,2,3,2,-,not acept,not furnished,50,2000,0,31,2081 +Belo Horizonte,93,2,1,0,12,not acept,not furnished,475,1600,70,22,2167 +São Paulo,28,1,1,0,5,acept,not furnished,450,1999,42,26,2517 +Campinas,120,3,2,5,-,acept,not furnished,0,1700,75,26,1801 +Rio de Janeiro,70,1,2,0,-,not acept,not furnished,0,1200,0,19,1219 +São Paulo,162,2,3,3,3,not acept,furnished,2200,15000,959,191,18350 +São Paulo,210,3,2,3,-,acept,not furnished,0,4700,0,71,4771 +Belo Horizonte,300,3,2,2,-,acept,not furnished,0,2500,224,41,2765 +São Paulo,40,1,1,1,12,acept,not furnished,651,1900,30,25,2606 +São Paulo,270,3,4,4,4,acept,furnished,3200,4800,928,61,8989 +São Paulo,65,2,1,1,8,acept,furnished,1082,3820,134,49,5085 +Porto Alegre,83,2,2,1,5,acept,not furnished,450,1400,67,21,1938 +São Paulo,340,4,5,5,9,acept,not furnished,4800,7500,1917,96,14310 +Belo Horizonte,28,1,1,1,6,not acept,furnished,720,890,65,12,1687 +São Paulo,70,1,1,0,-,acept,not furnished,0,930,60,14,1004 +Belo Horizonte,300,3,2,2,-,acept,not furnished,0,4000,184,66,4250 +São Paulo,423,4,5,7,28,acept,not furnished,5785,14000,2647,178,22610 +São Paulo,16,1,1,0,1,not acept,not furnished,0,850,35,11,896 +Porto Alegre,38,1,1,0,3,acept,not furnished,300,1300,53,19,1672 +Belo Horizonte,210,4,4,4,3,acept,not furnished,2680,7000,146,94,9920 +São Paulo,380,4,5,5,2,acept,not furnished,6500,3400,1125,44,11070 +Rio de Janeiro,289,3,2,1,6,acept,not furnished,3000,5000,667,65,8732 +São Paulo,28,1,1,0,-,acept,not furnished,0,1300,0,17,1317 +Campinas,83,2,3,1,7,acept,not furnished,1100,1500,42,20,2662 +São Paulo,120,4,3,3,8,acept,not furnished,1680,3430,622,44,5776 +Porto Alegre,60,2,2,1,6,acept,not furnished,606,1080,88,16,1790 +São Paulo,100,2,1,0,-,acept,not furnished,0,1100,125,17,1242 +São Paulo,108,4,3,2,4,acept,not furnished,1134,6500,609,83,8326 +São Paulo,345,2,3,2,4,not acept,not furnished,3655,12000,783,153,16590 +São Paulo,210,3,4,4,13,acept,furnished,1475,10000,650,127,12250 +Rio de Janeiro,80,2,1,0,3,acept,furnished,600,5300,34,69,6003 +São Paulo,270,4,4,4,4,acept,not furnished,3900,2900,0,37,6837 +Porto Alegre,60,2,1,0,3,acept,not furnished,290,770,45,12,1117 +Rio de Janeiro,64,2,1,1,1,acept,not furnished,810,2900,172,38,3920 +Rio de Janeiro,90,2,2,0,4,not acept,furnished,857,4800,208,62,5927 +São Paulo,157,3,3,1,5,acept,not furnished,1325,4500,347,58,6230 +Campinas,100,3,2,1,3,acept,not furnished,690,1300,76,17,2083 +Campinas,86,3,2,2,3,acept,not furnished,420,2340,81,30,2871 +São Paulo,56,2,1,1,13,not acept,not furnished,390,1800,9,23,2222 +Rio de Janeiro,40,1,1,0,7,not acept,furnished,735,2900,137,38,3810 +São Paulo,188,3,4,1,8,acept,not furnished,2100,10000,562,127,12790 +Campinas,44,2,1,1,4,acept,furnished,310,1800,34,23,2167 +Rio de Janeiro,300,3,2,0,5,acept,not furnished,3000,2970,709,39,6718 +Rio de Janeiro,101,3,3,2,4,acept,not furnished,2163,5000,377,65,7605 +Belo Horizonte,130,3,1,1,2,acept,not furnished,0,2000,293,27,2320 +São Paulo,120,4,3,3,16,acept,not furnished,1420,6160,390,79,8049 +São Paulo,200,3,4,2,-,acept,not furnished,0,2900,1100,44,4044 +São Paulo,140,3,4,2,24,acept,not furnished,1583,8500,456,108,10650 +Rio de Janeiro,100,3,1,0,12,acept,not furnished,1367,3399,217,44,5027 +São Paulo,260,5,3,0,-,acept,not furnished,0,5500,600,83,6183 +São Paulo,77,2,2,2,18,acept,not furnished,547,3000,203,39,3789 +Campinas,45,1,1,0,1,acept,not furnished,0,770,34,10,814 +Porto Alegre,50,2,1,1,-,acept,not furnished,0,1000,25,18,1043 +Campinas,44,2,1,2,-,acept,not furnished,342,908,24,12,1286 +Porto Alegre,84,1,2,0,-,acept,furnished,300,2200,0,33,2533 +Belo Horizonte,53,3,1,0,4,acept,not furnished,230,1000,68,14,1312 +São Paulo,200,3,4,2,-,acept,not furnished,0,3250,292,49,3591 +Campinas,75,3,2,1,2,acept,not furnished,280,900,0,12,1192 +Porto Alegre,120,2,2,1,3,acept,furnished,360,2525,75,37,2997 +Belo Horizonte,70,2,1,0,-,not acept,not furnished,0,1030,0,17,1047 +Campinas,100,3,2,0,2,not acept,not furnished,815,808,81,11,1715 +Porto Alegre,73,2,2,1,6,acept,furnished,450,2450,94,36,3030 +Rio de Janeiro,70,2,1,1,5,not acept,not furnished,600,3000,167,39,3806 +São Paulo,110,2,4,2,2,acept,furnished,2100,6375,500,81,9056 +São Paulo,200,3,2,2,8,acept,not furnished,1626,3000,0,39,4665 +São Paulo,75,2,2,2,6,acept,not furnished,700,1198,227,16,2141 +São Paulo,96,2,1,1,-,acept,furnished,0,3450,23,52,3525 +Rio de Janeiro,270,3,2,1,6,not acept,not furnished,2000,4000,1000,52,7052 +São Paulo,100,1,1,0,-,acept,furnished,0,2720,138,41,2899 +Belo Horizonte,195,4,2,2,-,acept,not furnished,0,3400,236,56,3692 +Rio de Janeiro,102,3,2,0,12,not acept,not furnished,900,3100,380,40,4420 +São Paulo,310,4,4,8,-,acept,not furnished,0,5500,521,83,6104 +São Paulo,63,2,2,1,16,acept,not furnished,690,1850,103,24,2667 +São Paulo,131,3,2,2,6,not acept,furnished,1400,3000,534,39,4973 +São Paulo,37,1,1,1,25,not acept,furnished,440,2850,152,37,3479 +São Paulo,145,3,2,2,-,acept,furnished,0,3000,128,46,3174 +São Paulo,135,3,3,1,10,acept,furnished,1600,4300,250,55,6205 +Porto Alegre,67,3,2,1,1,acept,not furnished,406,1399,56,21,1882 +São Paulo,25,1,1,0,1,not acept,not furnished,0,1049,31,14,1094 +Belo Horizonte,300,4,4,4,-,acept,not furnished,0,6200,343,102,6645 +São Paulo,190,3,2,2,9,acept,not furnished,1700,5700,492,73,7965 +São Paulo,105,3,2,2,2,acept,not furnished,1320,7300,275,93,8988 +São Paulo,48,1,1,2,5,not acept,furnished,1313,4500,248,58,6119 +Porto Alegre,170,2,3,1,-,acept,not furnished,0,1300,50,24,1374 +São Paulo,75,3,2,1,11,not acept,not furnished,980,2000,109,26,3115 +São Paulo,520,3,4,8,-,not acept,not furnished,0,10000,1008,151,11160 +Rio de Janeiro,37,1,1,0,7,acept,not furnished,600,1840,247,24,2711 +São Paulo,305,3,6,3,8,acept,furnished,2980,10000,1834,127,14940 +Rio de Janeiro,80,2,2,1,2,acept,not furnished,1100,3776,167,49,5092 +Campinas,69,2,2,1,14,acept,not furnished,325,1800,130,23,2278 +São Paulo,36,1,1,1,13,acept,not furnished,250,1850,0,24,2124 +São Paulo,28,1,1,0,1,acept,not furnished,568,2150,0,28,2746 +Porto Alegre,110,1,2,1,4,acept,not furnished,540,2040,179,30,2789 +Porto Alegre,88,2,1,0,1,acept,furnished,270,1300,27,19,1616 +São Paulo,500,5,7,7,-,acept,not furnished,0,11500,5500,173,17170 +São Paulo,122,3,2,1,17,acept,not furnished,970,3860,113,49,4992 +Belo Horizonte,85,2,1,1,3,acept,not furnished,250,1250,88,17,1605 +São Paulo,36,1,1,0,10,acept,furnished,345,1600,30,21,1996 +Belo Horizonte,80,3,2,1,2,acept,not furnished,720,1900,195,26,2841 +São Paulo,114,3,3,0,7,not acept,not furnished,1480,2289,542,29,4340 +Belo Horizonte,150,3,2,2,1,acept,not furnished,808,1600,240,22,2670 +São Paulo,70,2,1,0,6,acept,not furnished,480,1800,0,23,2303 +São Paulo,370,4,4,3,-,acept,not furnished,0,7900,1000,119,9019 +Campinas,47,1,1,1,18,acept,furnished,582,2700,135,35,3452 +São Paulo,70,3,2,2,13,not acept,not furnished,700,2910,84,37,3731 +São Paulo,70,2,2,2,16,acept,not furnished,1400,3300,84,42,4826 +São Paulo,50,2,3,0,-,not acept,not furnished,0,1740,84,27,1851 +Rio de Janeiro,37,1,1,0,1,acept,not furnished,1100,1900,250,25,3275 +São Paulo,136,3,2,2,2,acept,not furnished,1546,2800,252,36,4634 +Rio de Janeiro,60,2,1,0,6,not acept,furnished,498,2000,185,26,2709 +São Paulo,65,2,2,1,4,acept,not furnished,600,1540,290,20,2450 +Belo Horizonte,450,7,5,3,-,not acept,not furnished,0,7880,292,130,8302 +São Paulo,180,3,4,3,12,acept,furnished,1600,3400,250,44,5294 +São Paulo,130,3,3,2,3,acept,not furnished,1140,4000,292,51,5483 +São Paulo,200,3,2,6,-,acept,not furnished,0,2300,176,35,2511 +São Paulo,180,2,3,2,13,acept,not furnished,0,12500,0,159,12660 +Belo Horizonte,55,2,2,1,6,not acept,not furnished,380,1700,75,23,2178 +São Paulo,79,2,1,2,8,acept,not furnished,705,6250,0,80,7035 +São Paulo,47,1,1,1,3,acept,furnished,907,9200,313,117,10540 +São Paulo,65,2,1,1,3,acept,not furnished,1300,2550,109,33,3992 +Campinas,292,4,4,3,13,acept,not furnished,1650,3750,424,48,5872 +Belo Horizonte,181,4,2,2,1,acept,furnished,1530,4000,434,54,6018 +São Paulo,327,5,4,5,-,acept,not furnished,0,11000,2000,166,13170 +São Paulo,300,2,3,2,8,not acept,furnished,3000,5120,500,65,8685 +São Paulo,366,4,5,5,8,acept,furnished,4000,15000,1834,191,21030 +Rio de Janeiro,115,3,3,1,7,acept,not furnished,1254,3150,179,41,4624 +Belo Horizonte,216,4,5,5,12,acept,not furnished,600,7500,0,100,8200 +São Paulo,70,2,1,1,3,not acept,not furnished,710,820,45,11,1586 +São Paulo,170,3,3,2,-,acept,not furnished,0,5000,242,76,5318 +São Paulo,65,3,2,2,3,acept,not furnished,245,3000,1,39,3285 +São Paulo,88,3,3,2,5,acept,not furnished,700,2900,190,37,3827 +São Paulo,54,1,1,0,8,acept,not furnished,350,1870,3,24,2247 +São Paulo,95,1,2,2,15,acept,not furnished,1859,8000,566,102,10530 +São Paulo,800,4,5,4,9,acept,not furnished,6000,15000,3334,191,24530 +São Paulo,75,1,1,0,-,not acept,not furnished,0,1450,0,22,1472 +Rio de Janeiro,38,1,1,0,10,acept,furnished,640,1940,65,25,2670 +São Paulo,178,2,4,3,2,acept,not furnished,2580,6000,70,77,8727 +São Paulo,310,2,6,3,11,not acept,not furnished,2300,6000,764,77,9141 +São Paulo,66,1,1,1,1,acept,furnished,550,2600,50,33,3233 +Rio de Janeiro,90,3,2,0,4,acept,not furnished,921,2550,142,33,3646 +São Paulo,180,3,3,2,11,acept,furnished,3100,4250,625,54,8029 +Rio de Janeiro,40,1,1,0,2,acept,not furnished,480,1100,20,15,1615 +São Paulo,150,3,2,1,5,acept,not furnished,1300,5500,221,70,7091 +São Paulo,37,1,1,0,12,not acept,not furnished,346,2900,69,37,3352 +São Paulo,71,2,2,1,3,acept,not furnished,730,2800,234,36,3800 +São Paulo,130,3,2,2,5,acept,not furnished,1400,5000,584,64,7048 +Rio de Janeiro,75,2,2,1,1,acept,not furnished,990,2700,145,35,3870 +São Paulo,45,1,1,1,2,acept,furnished,1000,1760,167,23,2950 +Campinas,260,4,3,4,-,acept,furnished,600,5830,596,88,7114 +São Paulo,50,1,1,0,-,not acept,not furnished,0,750,0,12,762 +São Paulo,63,2,2,1,1,not acept,not furnished,360,1600,66,21,2047 +São Paulo,99,2,1,1,6,not acept,not furnished,1300,4300,125,55,5780 +São Paulo,170,4,4,3,9,acept,not furnished,1990,8250,594,105,10940 +Belo Horizonte,67,2,2,1,3,acept,furnished,400,1612,59,22,2093 +São Paulo,126,2,2,2,8,acept,not furnished,1000,2300,263,30,3593 +Rio de Janeiro,70,2,2,2,3,acept,not furnished,900,1700,265,22,2887 +Rio de Janeiro,57,1,1,1,3,acept,not furnished,653,1717,64,23,2457 +Porto Alegre,27,1,1,0,6,not acept,not furnished,300,694,13,11,1018 +Campinas,78,1,2,1,6,acept,not furnished,762,1840,50,24,2676 +São Paulo,1100,4,6,10,-,acept,not furnished,3000,14000,2000,211,19210 +São Paulo,162,2,2,3,6,acept,furnished,1500,15000,609,191,17300 +São Paulo,85,2,2,2,4,acept,furnished,1028,2550,290,33,3901 +Rio de Janeiro,67,2,1,1,2,acept,not furnished,682,1100,60,15,1857 +Rio de Janeiro,122,3,1,0,6,acept,furnished,1000,2000,220,26,3246 +São Paulo,220,4,3,4,4,acept,not furnished,3200,11000,1000,140,15340 +São Paulo,30,1,1,0,-,not acept,not furnished,0,1000,0,13,1013 +São Paulo,50,1,1,0,1,acept,not furnished,0,950,0,15,965 +Belo Horizonte,120,3,2,2,4,not acept,not furnished,350,1500,81,20,1951 +Rio de Janeiro,75,2,2,1,12,acept,not furnished,798,1500,0,12,2310 +São Paulo,70,2,2,2,8,acept,furnished,835,2700,102,35,3672 +São Paulo,650,4,6,6,-,acept,not furnished,0,8500,1600,128,10230 +Porto Alegre,71,3,2,1,4,acept,not furnished,530,1300,48,19,1897 +São Paulo,27,1,1,0,11,acept,not furnished,585,2000,0,26,2611 +São Paulo,187,3,3,2,2,acept,not furnished,1300,2950,342,38,4630 +São Paulo,110,3,2,1,10,acept,not furnished,1000,4500,0,58,5558 +São Paulo,180,4,2,2,-,acept,not furnished,0,3500,150,53,3703 +São Paulo,57,2,2,2,5,acept,not furnished,834,1510,190,20,2554 +São Paulo,250,3,2,2,-,acept,not furnished,0,15000,459,226,15690 +São Paulo,49,2,2,1,9,acept,not furnished,500,1460,100,19,2079 +São Paulo,110,1,1,1,-,acept,not furnished,0,1300,250,20,1570 +São Paulo,59,2,2,1,12,acept,not furnished,360,2200,18,28,2606 +São Paulo,65,2,1,1,12,acept,furnished,740,1700,34,22,2496 +São Paulo,220,4,2,2,9,acept,not furnished,2500,5000,692,64,8256 +São Paulo,220,3,2,2,4,acept,not furnished,3100,6400,700,82,10280 +São Paulo,88,2,2,1,1,acept,not furnished,1200,7300,0,93,8593 +São Paulo,90,3,2,2,-,acept,furnished,200,4100,300,62,4662 +São Paulo,30,1,1,0,12,acept,furnished,350,3400,0,44,3794 +São Paulo,49,2,1,1,6,acept,furnished,400,1800,0,23,2223 +Rio de Janeiro,100,3,2,0,1,acept,not furnished,900,5900,309,77,7186 +Rio de Janeiro,120,3,1,1,8,acept,not furnished,560,2300,209,30,3099 +São Paulo,150,2,3,3,-,acept,not furnished,0,4250,0,64,4314 +Belo Horizonte,100,3,2,0,-,acept,not furnished,0,1550,125,26,1701 +São Paulo,170,3,3,0,10,acept,not furnished,1900,7500,529,96,10030 +Campinas,70,2,1,2,-,acept,not furnished,0,1300,70,20,1390 +São Paulo,70,1,1,1,6,not acept,furnished,650,3150,120,40,3960 +São Paulo,80,1,1,1,10,acept,not furnished,1300,6500,0,83,7883 +São Paulo,60,2,2,1,3,acept,furnished,900,5700,212,73,6885 +São Paulo,100,3,3,3,1,acept,not furnished,1000,3300,417,42,4759 +São Paulo,260,4,2,3,-,acept,not furnished,0,3850,430,58,4338 +São Paulo,300,3,5,4,-,acept,not furnished,0,6500,853,98,7451 +São Paulo,86,3,3,2,9,not acept,not furnished,550,2500,200,32,3282 +São Paulo,250,4,4,2,-,not acept,not furnished,0,6600,0,100,6700 +Porto Alegre,48,1,1,0,-,acept,not furnished,250,900,542,14,1706 +Belo Horizonte,70,3,2,2,1,acept,not furnished,554,1900,228,26,2708 +São Paulo,82,3,2,2,5,acept,not furnished,915,2100,252,27,3294 +São Paulo,80,3,2,1,10,acept,not furnished,790,1900,164,25,2879 +Porto Alegre,429,5,4,5,-,acept,not furnished,0,10500,334,187,11020 +Campinas,104,2,2,1,2,acept,not furnished,580,1700,122,22,2424 +Rio de Janeiro,35,1,1,0,3,not acept,furnished,525,2600,96,34,3255 +São Paulo,240,4,2,1,4,acept,furnished,1200,4500,217,58,5975 +São Paulo,40,1,1,0,-,not acept,not furnished,180,850,41,11,1082 +São Paulo,400,3,3,2,-,not acept,not furnished,0,12000,0,181,12180 +São Paulo,90,2,2,2,8,acept,not furnished,965,4500,36,58,5559 +São Paulo,45,2,1,1,11,not acept,not furnished,457,1720,91,22,2290 +Rio de Janeiro,110,3,2,0,-,acept,not furnished,0,2000,60,31,2091 +Rio de Janeiro,110,4,2,2,10,acept,not furnished,1300,1900,380,25,3605 +Porto Alegre,143,2,1,2,7,acept,furnished,900,2500,184,37,3621 +São Paulo,60,2,2,2,7,acept,not furnished,894,1100,210,14,2218 +São Paulo,124,3,3,2,16,acept,not furnished,1100,2791,339,36,4266 +São Paulo,55,2,1,1,1,acept,not furnished,580,1490,21,19,2110 +São Paulo,73,3,2,2,1,acept,not furnished,760,2500,283,32,3575 +Belo Horizonte,200,4,4,2,5,acept,furnished,900,4100,500,55,5555 +Porto Alegre,70,1,1,0,3,not acept,not furnished,150,850,46,13,1059 +São Paulo,44,1,1,0,10,acept,not furnished,370,2600,0,33,3003 +Rio de Janeiro,87,2,1,1,2,acept,not furnished,1350,2500,209,33,4092 +Porto Alegre,60,1,1,1,2,not acept,not furnished,345,1290,35,19,1689 +São Paulo,200,3,5,3,5,acept,furnished,1513,4350,584,56,6503 +São Paulo,80,2,1,1,5,not acept,not furnished,660,2900,0,37,3597 +Porto Alegre,51,2,1,1,3,acept,not furnished,270,1080,25,16,1391 +São Paulo,147,2,3,2,3,not acept,furnished,1500,12000,500,153,14150 +Belo Horizonte,210,3,4,3,5,not acept,furnished,1817,10000,685,134,12640 +São Paulo,110,3,2,2,14,acept,not furnished,0,3200,0,41,3241 +Porto Alegre,50,1,1,0,1,acept,not furnished,287,1100,46,17,1450 +Rio de Janeiro,32,1,1,0,10,acept,not furnished,360,1430,62,19,1871 +Belo Horizonte,82,3,2,1,4,acept,not furnished,410,1000,64,14,1488 +São Paulo,98,3,3,2,6,acept,not furnished,1100,2100,334,27,3561 +Rio de Janeiro,170,4,3,2,5,acept,not furnished,2300,9000,667,116,12080 +São Paulo,20,1,1,0,2,acept,furnished,602,1800,130,23,2555 +Belo Horizonte,168,4,3,2,2,not acept,not furnished,430,2000,108,27,2565 +Rio de Janeiro,50,2,1,0,5,acept,not furnished,215,800,62,11,1088 +São Paulo,212,4,4,3,7,not acept,not furnished,2300,9200,1046,117,12660 +São Paulo,73,2,2,1,13,acept,not furnished,700,1250,150,16,2116 +São Paulo,50,1,1,1,13,acept,not furnished,500,1800,0,23,2323 +São Paulo,20,1,1,0,6,acept,furnished,602,1800,130,23,2555 +Belo Horizonte,190,1,1,1,-,not acept,not furnished,0,3900,162,64,4126 +São Paulo,450,4,6,2,-,acept,not furnished,0,4900,486,74,5460 +Belo Horizonte,180,5,5,4,-,acept,not furnished,0,4500,270,74,4844 +Belo Horizonte,682,6,7,6,-,acept,not furnished,0,5500,428,91,6019 +Rio de Janeiro,68,2,1,0,5,acept,not furnished,593,1000,400,13,2006 +Porto Alegre,58,2,1,0,1,acept,furnished,0,1300,0,19,1319 +Belo Horizonte,60,3,2,1,10,acept,not furnished,404,1100,83,15,1602 +Campinas,50,1,1,1,5,not acept,furnished,750,1160,185,15,2110 +Belo Horizonte,120,3,3,1,2,acept,not furnished,0,2200,145,30,2675 +São Paulo,43,2,1,1,10,acept,furnished,465,2000,0,26,2491 +São Paulo,91,1,2,2,11,acept,furnished,2076,13000,334,165,15580 +Campinas,75,2,1,2,1,acept,not furnished,1250,1600,135,21,3006 +São Paulo,300,4,3,4,9,acept,not furnished,4900,6000,1500,77,12480 +Campinas,74,2,2,2,9,acept,furnished,500,4920,0,63,5483 +Belo Horizonte,90,3,2,2,3,acept,not furnished,472,1550,84,21,2127 +Belo Horizonte,154,4,4,3,12,acept,furnished,1670,8500,153,114,10440 +São Paulo,280,3,3,7,-,acept,not furnished,0,8670,450,131,9251 +São Paulo,150,3,3,2,10,acept,not furnished,1570,4000,515,51,6136 +São Paulo,20,1,1,0,6,acept,furnished,602,1800,130,23,2555 +São Paulo,110,2,2,0,13,acept,not furnished,664,2690,0,35,3389 +São Paulo,247,4,4,4,3,acept,not furnished,2900,2550,684,33,6167 +São Paulo,220,3,4,2,-,acept,not furnished,400,15000,834,226,16460 +São Paulo,70,2,2,0,-,not acept,not furnished,0,3800,90,58,3948 +São Paulo,98,3,2,2,1,acept,not furnished,1400,1760,383,23,3566 +São Paulo,300,4,6,6,17,acept,not furnished,6300,15000,3400,191,24890 +Porto Alegre,80,2,1,1,8,acept,not furnished,755,4000,212,59,5026 +São Paulo,57,2,1,2,3,acept,furnished,645,1450,69,19,2183 +São Paulo,75,2,1,0,1,not acept,not furnished,0,1200,67,16,1283 +Rio de Janeiro,70,2,2,1,6,not acept,not furnished,741,2300,75,30,3146 +São Paulo,80,2,1,0,4,acept,not furnished,330,1700,0,22,2052 +São Paulo,372,5,4,6,-,acept,not furnished,0,9200,1041,139,10380 +São Paulo,120,3,2,2,23,not acept,not furnished,722,4500,238,58,5518 +Campinas,71,1,1,1,9,not acept,not furnished,486,750,56,10,1302 +São Paulo,130,3,3,2,7,acept,not furnished,1200,3500,342,45,5087 +São Paulo,300,2,1,2,-,acept,not furnished,0,2800,350,43,3193 +Belo Horizonte,320,5,4,3,3,acept,not furnished,660,3400,220,46,4326 +Belo Horizonte,200,3,2,2,-,acept,not furnished,0,12000,369,197,12570 +Porto Alegre,56,2,2,1,3,acept,not furnished,250,1600,84,24,1958 +São Paulo,165,3,2,3,16,acept,not furnished,1260,3730,955,48,5993 +São Paulo,35,1,1,0,1,not acept,not furnished,0,1290,0,17,1307 +Belo Horizonte,96,3,1,1,11,acept,furnished,575,2200,154,30,2959 +Campinas,450,4,5,4,-,acept,furnished,0,6500,230,98,6828 +São Paulo,227,4,4,3,5,acept,not furnished,4200,6900,1534,88,12720 +São Paulo,40,1,1,1,10,acept,not furnished,700,2600,25,33,3358 +São Paulo,288,4,5,4,7,acept,not furnished,3600,6000,1150,77,10830 +Belo Horizonte,90,1,2,0,4,acept,not furnished,325,1300,54,18,1697 +São Paulo,45,2,1,1,7,not acept,not furnished,320,1290,0,17,1627 +São Paulo,63,2,2,1,11,not acept,not furnished,453,2800,149,36,3438 +Belo Horizonte,120,3,2,2,-,acept,not furnished,600,2200,120,37,2957 +São Paulo,94,3,2,2,12,not acept,not furnished,1046,7150,341,91,8628 +Porto Alegre,60,1,1,1,1,acept,not furnished,316,500,10,8,834 +Porto Alegre,106,3,2,2,2,not acept,furnished,300,4000,100,59,4459 +São Paulo,167,3,4,2,5,acept,not furnished,2884,2900,732,37,6553 +Belo Horizonte,69,2,3,2,11,acept,not furnished,700,2600,172,35,3507 +Rio de Janeiro,300,4,4,1,-,acept,not furnished,0,3400,292,52,3744 +São Paulo,50,2,1,0,2,acept,furnished,800,2473,3,32,3308 +Porto Alegre,40,1,1,0,9,acept,not furnished,500,850,42,13,1405 +São Paulo,380,4,3,3,11,acept,not furnished,3500,5800,1600,74,10970 +Rio de Janeiro,20,1,1,0,-,not acept,not furnished,0,750,0,10,760 +Campinas,50,2,1,1,7,acept,not furnished,270,950,43,13,1276 +São Paulo,60,2,2,1,4,acept,furnished,600,4500,50,58,5208 +São Paulo,40,1,1,1,12,acept,not furnished,300,3470,70,44,3884 +São Paulo,62,2,2,1,1,acept,not furnished,700,1730,22,22,2474 +Rio de Janeiro,230,3,3,0,9,acept,not furnished,1950,7200,667,93,9910 +Campinas,45,2,1,1,1,acept,not furnished,300,870,0,12,1182 +Porto Alegre,60,2,1,0,4,acept,not furnished,340,730,20,11,1101 +São Paulo,65,2,2,1,9,not acept,not furnished,682,1039,42,14,1777 +Rio de Janeiro,90,3,1,0,4,not acept,not furnished,500,2710,8,35,3253 +São Paulo,150,3,3,2,-,acept,furnished,0,3400,325,52,3777 +São Paulo,180,3,4,3,5,not acept,not furnished,2848,4330,1228,55,8461 +Belo Horizonte,95,3,2,2,2,not acept,not furnished,150,1650,145,22,1967 +Rio de Janeiro,45,1,1,0,10,not acept,furnished,450,2200,50,29,2729 +São Paulo,216,3,5,0,14,not acept,furnished,3200,15000,1500,191,19890 +Campinas,58,1,1,0,5,acept,not furnished,540,900,66,12,1518 +São Paulo,42,1,1,0,2,acept,furnished,0,3256,0,42,3298 +Porto Alegre,40,1,1,0,3,acept,furnished,350,750,42,11,1153 +São Paulo,220,4,4,3,4,not acept,furnished,2200,4930,809,63,8002 +Belo Horizonte,42,1,1,1,15,not acept,not furnished,410,2690,172,36,3308 +Rio de Janeiro,421,3,3,1,7,acept,furnished,5000,10000,834,129,15960 +Campinas,226,4,2,2,10,acept,not furnished,1850,3000,403,39,5292 +São Paulo,55,1,1,0,1,acept,not furnished,0,1400,0,18,1418 +Porto Alegre,61,1,1,1,13,acept,not furnished,350,2200,67,33,2650 +Rio de Janeiro,50,1,1,0,4,not acept,not furnished,630,1000,184,13,1827 +São Paulo,300,4,4,0,7,acept,furnished,2700,9600,500,122,12920 +Porto Alegre,58,2,2,2,13,acept,not furnished,470,2550,0,38,3058 +Porto Alegre,104,3,3,2,4,acept,not furnished,1200,3900,200,57,5357 +Rio de Janeiro,72,2,2,0,3,acept,not furnished,1000,2500,200,33,3733 +Campinas,65,3,1,1,3,acept,furnished,470,1100,1500,14,3084 +São Paulo,160,4,2,2,12,acept,furnished,1506,4900,460,63,6929 +Campinas,40,1,1,0,8,acept,not furnished,380,730,11,10,1131 +São Paulo,23,1,1,1,26,acept,not furnished,520,2300,59,30,2909 +São Paulo,35,1,1,0,1,not acept,not furnished,0,900,50,14,964 +Porto Alegre,28,1,1,0,-,acept,not furnished,200,840,50,13,1103 +São Paulo,20,1,1,0,-,acept,furnished,602,1800,130,23,2555 +São Paulo,68,2,2,1,7,acept,not furnished,750,1880,189,24,2843 +Campinas,70,3,1,1,6,acept,not furnished,549,1200,0,16,1765 +São Paulo,127,2,3,2,1,acept,furnished,996,3800,292,49,5137 +São Paulo,138,3,2,3,-,acept,not furnished,0,5200,231,79,5510 +Campinas,53,1,1,1,3,acept,not furnished,588,550,73,7,1218 +São Paulo,130,5,2,0,2,acept,not furnished,0,3000,37,39,3076 +Porto Alegre,39,1,1,1,2,acept,furnished,334,800,11,12,1157 +Porto Alegre,60,2,1,0,6,acept,not furnished,340,980,8,15,1343 +São Paulo,300,4,4,4,4,not acept,not furnished,4000,1400,834,18,6252 +São Paulo,500,3,3,5,-,acept,not furnished,0,8500,534,128,9162 +Campinas,90,3,2,1,2,acept,not furnished,495,1600,76,21,2192 +Campinas,120,3,1,2,1,acept,not furnished,150,1790,150,23,2113 +São Paulo,134,3,5,2,7,acept,not furnished,1152,4900,0,63,6115 +Campinas,78,2,1,1,8,acept,not furnished,605,1300,106,17,2028 +São Paulo,55,1,1,1,3,not acept,furnished,850,4300,21,55,5226 +São Paulo,167,3,3,2,7,acept,not furnished,1315,5500,292,70,7177 +São Paulo,15,1,1,0,-,not acept,not furnished,0,1200,0,16,1216 +Belo Horizonte,46,2,1,1,2,acept,not furnished,200,1050,27,14,1291 +Rio de Janeiro,30,1,1,0,2,not acept,furnished,750,4000,67,52,4869 +Rio de Janeiro,60,2,2,1,10,acept,not furnished,700,2198,125,29,3052 +São Paulo,380,3,3,4,-,acept,furnished,0,4200,300,64,4564 +Belo Horizonte,95,3,2,1,3,acept,not furnished,722,1400,129,19,2270 +São Paulo,55,2,2,1,4,acept,not furnished,380,1850,0,24,2254 +Belo Horizonte,55,2,1,1,1,not acept,not furnished,180,850,0,12,1042 +Rio de Janeiro,30,1,1,0,2,not acept,not furnished,350,1140,0,15,1505 +Rio de Janeiro,58,2,1,0,2,not acept,furnished,500,4000,200,52,4752 +São Paulo,480,4,5,2,-,acept,furnished,0,6000,2308,91,8399 +São Paulo,97,3,2,2,2,acept,not furnished,600,2100,29,27,2756 +São Paulo,33,1,1,1,13,not acept,furnished,1791,1300,155,17,3263 +São Paulo,192,3,4,2,13,acept,not furnished,1600,8500,0,108,10210 +Rio de Janeiro,114,4,2,1,10,acept,furnished,2500,3000,450,39,5989 +São Paulo,70,2,2,0,24,not acept,furnished,800,4000,50,51,4901 +Campinas,240,3,4,4,1,acept,not furnished,2800,7000,0,89,9889 +Porto Alegre,110,3,1,0,1,acept,not furnished,630,1850,80,28,2588 +Rio de Janeiro,950,6,5,2,3,not acept,furnished,0,13000,1500,198,14700 +São Paulo,55,1,1,1,4,not acept,furnished,812,3200,0,41,4053 +Campinas,166,4,3,3,6,acept,not furnished,1860,2050,284,26,4220 +Porto Alegre,117,3,3,2,9,acept,furnished,1090,4000,329,59,5478 +Campinas,115,3,2,1,4,acept,not furnished,680,1364,91,5,2140 +Campinas,55,2,1,1,3,acept,not furnished,385,940,20,12,1357 +São Paulo,85,1,2,1,14,acept,not furnished,800,2800,92,36,3728 +São Paulo,61,1,2,1,4,acept,furnished,680,2270,25,29,3004 +São Paulo,34,1,1,0,12,acept,furnished,370,2600,74,33,3077 +Porto Alegre,70,3,2,0,-,acept,not furnished,290,1500,0,22,1812 +São Paulo,85,2,2,0,17,acept,furnished,560,6000,250,43,6853 +São Paulo,93,2,1,1,4,not acept,furnished,985,5500,110,70,6665 +São Paulo,150,3,2,1,1,acept,furnished,1600,3600,310,46,5556 +São Paulo,48,2,1,1,8,acept,not furnished,452,1740,135,23,2350 +Belo Horizonte,70,2,1,0,1,acept,not furnished,0,1200,42,16,1258 +Campinas,80,2,2,1,1,acept,furnished,420,3000,107,39,3566 +São Paulo,137,3,3,3,4,acept,furnished,1500,9800,417,125,11840 +São Paulo,230,3,4,3,2,acept,not furnished,3700,12000,157,153,16010 +São Paulo,95,3,2,1,10,not acept,furnished,1018,4300,380,55,5753 +Rio de Janeiro,87,2,2,1,8,not acept,furnished,826,1950,219,26,3021 +Belo Horizonte,800,8,7,4,-,acept,not furnished,0,14000,834,230,15060 +São Paulo,88,3,1,2,5,acept,not furnished,685,1400,35,18,2138 +São Paulo,245,3,3,1,18,acept,furnished,1904,12000,486,153,14540 +São Paulo,34,1,1,0,11,not acept,not furnished,370,2800,74,36,3280 +São Paulo,469,4,5,4,12,acept,not furnished,5706,15000,2260,191,23160 +Rio de Janeiro,113,2,2,1,10,acept,not furnished,1566,8000,501,104,10170 +Belo Horizonte,200,4,4,3,3,acept,not furnished,2000,4000,475,54,6529 +Rio de Janeiro,44,1,1,0,4,acept,not furnished,632,1700,86,22,2440 +São Paulo,45,2,1,1,5,acept,not furnished,530,1440,0,19,1989 +São Paulo,63,2,2,1,16,acept,not furnished,690,1850,103,24,2667 +Porto Alegre,58,1,1,0,8,acept,not furnished,500,867,42,13,1422 +São Paulo,55,2,2,1,11,acept,not furnished,670,2500,199,32,3401 +São Paulo,320,4,4,2,7,acept,not furnished,4110,8000,645,102,12860 +Belo Horizonte,57,1,1,1,6,not acept,not furnished,1500,1400,158,19,3077 +São Paulo,240,5,2,3,-,not acept,not furnished,0,6500,290,98,6888 +São Paulo,127,3,2,1,5,acept,not furnished,1780,3300,400,42,5522 +São Paulo,18,1,1,0,-,acept,not furnished,0,1710,0,22,1732 +Campinas,35,1,1,0,8,acept,not furnished,480,500,14,7,1001 +São Paulo,320,3,5,3,-,acept,not furnished,0,9000,0,136,9136 +Campinas,46,1,1,0,2,acept,not furnished,450,500,14,7,971 +São Paulo,130,3,2,1,2,acept,furnished,1168,6290,233,80,7771 +São Paulo,37,1,1,0,-,acept,not furnished,0,1625,0,25,1650 +Campinas,136,3,4,2,7,not acept,not furnished,970,2500,131,32,3633 +São Paulo,81,2,2,1,1,not acept,not furnished,787,1400,71,18,2276 +São Paulo,38,1,1,0,2,not acept,not furnished,400,1450,0,19,1869 +São Paulo,198,3,4,2,-,acept,furnished,0,2500,259,38,2797 +Belo Horizonte,220,5,4,4,4,acept,not furnished,400,2700,170,36,3306 +São Paulo,125,3,4,1,2,acept,not furnished,1100,4900,0,63,6063 +São Paulo,450,4,6,4,4,acept,not furnished,4000,15000,2500,191,21690 +São Paulo,145,3,2,2,6,acept,not furnished,1834,3000,546,39,5419 +Belo Horizonte,70,3,1,2,1,acept,not furnished,100,1600,667,22,2389 +Porto Alegre,140,3,4,3,2,acept,furnished,2200,8000,550,117,10870 +São Paulo,100,3,2,1,3,acept,not furnished,285,1930,100,25,2340 +São Paulo,39,1,1,0,2,not acept,not furnished,0,1300,0,17,1317 +Rio de Janeiro,98,2,2,1,7,not acept,furnished,1600,3500,225,46,5371 +São Paulo,367,4,5,3,10,not acept,not furnished,3200,8500,1167,108,12980 +São Paulo,61,2,2,1,17,acept,not furnished,764,4200,134,54,5152 +Belo Horizonte,66,2,2,1,6,acept,not furnished,568,2100,226,28,2922 +São Paulo,235,3,3,0,15,acept,furnished,2550,8300,709,106,11670 +Campinas,110,3,3,2,-,acept,not furnished,560,3200,88,49,3897 +São Paulo,84,3,2,1,23,acept,not furnished,780,2200,25,28,3033 +São Paulo,165,3,1,3,-,acept,not furnished,0,3400,384,52,3836 +Belo Horizonte,90,2,1,0,-,acept,not furnished,0,1320,70,22,1412 +São Paulo,48,1,1,0,-,not acept,not furnished,0,1150,34,18,1202 +Porto Alegre,60,2,1,1,-,not acept,not furnished,0,950,34,17,1001 +São Paulo,92,3,2,2,8,acept,not furnished,960,3300,318,42,4620 +Rio de Janeiro,80,3,1,1,8,acept,not furnished,880,3000,213,39,4132 +Belo Horizonte,25,1,1,0,2,not acept,not furnished,0,650,0,9,659 +São Paulo,220,4,4,4,10,acept,not furnished,2200,5500,832,70,8602 +Campinas,74,2,3,1,9,acept,not furnished,894,1584,118,6,2602 +São Paulo,98,2,2,0,6,acept,not furnished,660,2500,0,32,3192 +São Paulo,69,2,2,1,3,acept,not furnished,810,1400,18,18,2246 +São Paulo,90,2,1,1,-,acept,not furnished,0,2500,219,38,2757 +Rio de Janeiro,105,2,2,0,3,acept,not furnished,1180,3430,174,45,4829 +São Paulo,400,3,4,4,-,acept,not furnished,0,12000,1667,181,13850 +São Paulo,110,2,2,2,-,not acept,not furnished,0,2700,300,41,3041 +São Paulo,245,3,4,3,10,acept,not furnished,2900,14000,917,178,18000 +Belo Horizonte,60,1,1,1,-,acept,not furnished,0,3000,0,40,3040 +Porto Alegre,40,1,1,0,5,acept,furnished,350,800,46,12,1208 +Porto Alegre,35,1,1,1,1,not acept,furnished,0,1400,0,21,1421 +São Paulo,35,1,1,0,12,not acept,furnished,1400,2595,0,33,4028 +São Paulo,500,3,2,8,-,acept,not furnished,0,4000,632,61,4693 +São Paulo,30,1,1,0,15,not acept,not furnished,700,1650,0,25,2375 +Belo Horizonte,200,3,3,0,-,acept,not furnished,0,1800,0,30,1830 +São Paulo,33,1,1,1,1,not acept,furnished,1512,1464,313,19,3308 +Porto Alegre,47,1,1,1,1,not acept,furnished,400,2200,0,33,2633 +São Paulo,50,1,1,0,-,acept,not furnished,0,810,34,13,857 +São Paulo,54,2,2,2,5,acept,not furnished,691,2400,103,31,3225 +Rio de Janeiro,60,2,1,0,11,acept,not furnished,670,2500,34,33,3237 +São Paulo,36,1,1,1,15,not acept,furnished,510,2300,105,30,2945 +Belo Horizonte,205,4,4,4,5,acept,not furnished,2608,5000,796,67,8471 +Rio de Janeiro,625,5,3,2,-,acept,not furnished,0,15000,1250,229,16480 +Campinas,60,2,1,1,3,acept,not furnished,0,900,48,12,960 +São Paulo,50,1,1,0,9,not acept,furnished,850,2480,20,32,3382 +São Paulo,185,2,3,3,8,acept,not furnished,2600,5500,834,70,9004 +São Paulo,256,3,4,4,4,acept,not furnished,2800,7000,1000,89,10890 +São Paulo,170,3,3,2,6,acept,not furnished,2377,9500,828,121,12830 +Porto Alegre,90,3,1,0,-,acept,not furnished,280,1500,5,22,1807 +Belo Horizonte,110,2,3,0,2,acept,not furnished,0,3500,125,47,3672 +Campinas,89,3,2,2,5,acept,not furnished,900,1897,176,25,2998 +São Paulo,54,1,1,1,7,acept,not furnished,600,3600,149,46,4395 +São Paulo,113,3,2,2,-,acept,not furnished,0,2990,22,45,3057 +São Paulo,100,3,1,1,2,acept,not furnished,1350,3000,92,39,4481 +São Paulo,400,4,6,5,8,not acept,not furnished,4900,8160,2084,104,15250 +São Paulo,65,2,1,1,8,not acept,furnished,708,1600,0,21,2329 +Porto Alegre,65,3,2,1,11,acept,not furnished,380,1980,46,29,2435 +São Paulo,50,1,1,1,7,acept,furnished,2000,2000,382,26,4408 +Rio de Janeiro,150,3,3,1,5,acept,not furnished,932,4800,180,62,5974 +Rio de Janeiro,170,4,3,4,10,acept,not furnished,1876,2350,576,31,4833 +Belo Horizonte,164,4,2,2,3,acept,not furnished,310,3500,144,47,4001 +Campinas,470,3,4,0,-,acept,not furnished,2600,7900,900,119,11520 +São Paulo,430,4,6,2,16,acept,furnished,2360,3378,286,43,6067 +São Paulo,108,3,3,2,-,acept,not furnished,0,2800,209,43,3052 +Belo Horizonte,75,2,2,1,3,acept,not furnished,270,1300,98,18,1686 +Porto Alegre,200,4,3,1,-,acept,furnished,0,4050,250,72,4372 +Belo Horizonte,32,1,1,1,1,acept,not furnished,60,850,67,12,989 +Rio de Janeiro,40,1,1,0,7,not acept,furnished,474,2500,59,33,3066 +São Paulo,360,4,5,4,2,acept,furnished,5420,12750,2779,162,21110 +Belo Horizonte,55,1,1,1,3,not acept,furnished,1250,3450,250,46,4996 +Rio de Janeiro,30,1,1,0,1,not acept,not furnished,473,2030,66,27,2596 +São Paulo,59,2,1,1,1,acept,not furnished,313,1640,40,21,2014 +Rio de Janeiro,120,3,2,1,10,acept,furnished,1695,3300,231,43,5269 +São Paulo,78,3,2,2,-,acept,not furnished,250,2000,292,31,2573 +Rio de Janeiro,95,2,3,0,4,acept,furnished,1700,6020,250,78,8048 +São Paulo,180,3,3,1,14,acept,not furnished,1680,5000,192,64,6936 +São Paulo,91,2,3,2,10,acept,not furnished,1350,4675,417,60,6502 +Campinas,70,2,1,1,2,not acept,not furnished,600,1800,1,23,2424 +São Paulo,315,3,5,4,11,acept,not furnished,4475,5820,1495,74,11860 +Rio de Janeiro,56,2,1,1,3,not acept,furnished,1302,2800,249,37,4388 +São Paulo,480,4,3,3,-,acept,not furnished,0,13500,834,203,14540 +São Paulo,400,3,3,6,-,acept,not furnished,0,15000,1123,226,16350 +Belo Horizonte,83,4,2,2,4,acept,not furnished,270,1500,225,20,2015 +Porto Alegre,47,1,1,1,1,not acept,furnished,400,2200,0,33,2633 +São Paulo,90,2,1,1,-,not acept,not furnished,0,1450,34,22,1506 +Porto Alegre,131,3,2,1,3,acept,furnished,1100,2500,125,37,3762 +São Paulo,700,5,7,3,-,acept,furnished,0,13000,1084,196,14280 +Belo Horizonte,180,3,2,0,-,acept,not furnished,0,3200,359,53,3612 +Campinas,60,2,1,0,1,acept,not furnished,457,1134,55,15,1661 +Porto Alegre,50,1,1,1,14,not acept,furnished,1300,1300,68,19,2687 +Campinas,200,3,2,3,-,acept,not furnished,300,2500,600,38,3438 +Rio de Janeiro,80,4,3,1,3,not acept,not furnished,1500,3000,202,39,4741 +Campinas,54,2,1,1,13,acept,not furnished,320,1580,69,21,1990 +São Paulo,150,3,2,1,7,acept,furnished,1600,6000,284,77,7961 +São Paulo,129,3,3,1,1,acept,not furnished,1100,2300,78,30,3508 +São Paulo,200,3,2,1,9,acept,not furnished,2100,8500,417,108,11130 +Rio de Janeiro,65,1,1,0,4,acept,not furnished,350,1800,30,24,2204 +São Paulo,210,4,2,2,-,acept,not furnished,0,8000,684,121,8805 +Rio de Janeiro,115,3,2,2,5,acept,not furnished,1465,2850,141,37,4493 +Belo Horizonte,350,4,5,5,12,acept,furnished,2500,5000,1341,67,8908 +Rio de Janeiro,55,1,1,0,-,acept,furnished,0,1500,85,23,1608 +São Paulo,46,1,1,0,14,not acept,furnished,1200,4300,292,31,5823 +Rio de Janeiro,160,3,2,1,2,not acept,not furnished,1400,3100,350,40,4890 +Belo Horizonte,230,4,4,4,4,acept,not furnished,2260,6000,1250,80,9590 +São Paulo,180,4,4,4,21,not acept,not furnished,2400,10000,1000,127,13530 +São Paulo,440,4,3,7,-,not acept,not furnished,0,15000,1084,226,16310 +São Paulo,90,2,2,1,3,acept,not furnished,1000,3000,50,39,4089 +Campinas,45,1,1,0,14,not acept,not furnished,285,500,0,7,792 +São Paulo,77,3,1,1,7,acept,not furnished,1316,3000,117,39,4472 +São Paulo,25,1,1,0,1,not acept,not furnished,0,1000,84,13,1097 +São Paulo,65,3,1,1,7,acept,not furnished,588,1380,115,18,2101 +Porto Alegre,60,2,2,0,3,acept,not furnished,400,1085,55,16,1556 +Belo Horizonte,50,2,1,1,5,acept,not furnished,230,799,67,11,1107 +São Paulo,103,3,2,2,3,acept,not furnished,1224,1600,465,21,3310 +São Paulo,35,5,1,0,-,acept,not furnished,0,2500,200,38,2738 +Porto Alegre,121,2,1,2,3,acept,not furnished,300,1200,75,18,1593 +São Paulo,307,4,6,4,-,acept,furnished,0,9100,1839,137,11080 +Rio de Janeiro,150,3,2,2,3,acept,furnished,2200,6800,594,88,9682 +Porto Alegre,98,2,3,2,3,acept,not furnished,450,2200,167,33,2850 +São Paulo,16,1,1,0,1,not acept,not furnished,0,850,59,11,920 +Belo Horizonte,45,1,1,1,4,acept,not furnished,507,2800,142,38,3487 +Rio de Janeiro,45,2,1,0,15,acept,not furnished,525,1300,15,17,1857 +Rio de Janeiro,70,3,1,1,2,acept,not furnished,550,1200,0,16,1766 +São Paulo,200,4,2,2,-,acept,furnished,0,6500,500,98,7098 +Rio de Janeiro,155,3,2,1,10,acept,not furnished,1950,3800,279,49,6078 +São Paulo,35,1,1,1,1,acept,not furnished,0,1020,30,13,1063 +Campinas,60,3,2,1,3,acept,not furnished,452,800,50,11,1313 +São Paulo,35,1,1,0,1,acept,not furnished,0,874,30,12,916 +São Paulo,67,2,2,1,1,not acept,furnished,580,3500,60,45,4185 +São Paulo,38,1,1,0,2,acept,not furnished,100,1380,67,18,1565 +Belo Horizonte,190,4,4,4,9,acept,not furnished,2690,7700,1058,103,11550 +São Paulo,45,1,1,1,-,acept,not furnished,0,1300,59,20,1379 +Campinas,600,5,5,4,-,acept,not furnished,3300,5000,916,76,9292 +São Paulo,27,1,1,1,6,not acept,not furnished,0,3700,0,47,3747 +São Paulo,160,3,2,2,-,acept,not furnished,0,3500,132,53,3685 +Belo Horizonte,320,4,6,4,-,acept,not furnished,0,12000,782,160,12940 +São Paulo,41,1,1,1,1,acept,furnished,120,2680,110,41,2951 +São Paulo,60,1,1,1,13,acept,furnished,646,3900,109,50,4705 +São Paulo,66,1,1,1,10,not acept,furnished,762,3500,65,45,4372 +Rio de Janeiro,41,1,1,0,9,acept,not furnished,800,1700,85,22,2607 +São Paulo,98,2,3,3,13,not acept,not furnished,800,4150,375,53,5378 +São Paulo,75,2,1,0,5,acept,furnished,1310,1283,0,17,2610 +Rio de Janeiro,62,2,1,0,1,acept,not furnished,706,1700,97,22,2525 +São Paulo,120,2,1,1,-,not acept,not furnished,0,1300,50,20,1370 +São Paulo,98,1,2,2,9,acept,not furnished,1241,4000,422,51,5714 +São Paulo,380,4,5,4,-,acept,furnished,0,10500,815,158,11470 +São Paulo,45,1,1,1,10,not acept,furnished,1600,1800,177,23,3600 +Belo Horizonte,65,2,1,1,8,acept,not furnished,409,800,17,11,1237 +São Paulo,88,2,1,1,3,acept,not furnished,800,3400,150,44,4394 +São Paulo,250,3,4,2,-,acept,not furnished,0,3000,233,46,3279 +Campinas,108,1,3,2,9,acept,not furnished,980,4500,0,58,5538 +São Paulo,160,3,2,2,13,acept,not furnished,1200,3900,221,50,5371 +São Paulo,70,2,1,0,-,acept,not furnished,0,1300,50,20,1370 +São Paulo,320,4,5,5,-,acept,not furnished,0,10870,1417,164,12450 +São Paulo,68,3,1,1,16,not acept,not furnished,522,1600,0,7,2129 +Rio de Janeiro,130,3,2,1,5,acept,not furnished,1050,4500,150,58,5758 +São Paulo,600,3,3,3,9,acept,not furnished,6826,15000,2860,191,24880 +Porto Alegre,127,3,2,2,2,acept,furnished,600,2900,220,43,3763 +Rio de Janeiro,200,4,4,4,-,acept,not furnished,1,2650,283,41,2975 +São Paulo,90,3,2,2,1,acept,furnished,950,2800,234,36,4020 +São Paulo,135,2,1,0,2,not acept,not furnished,0,2000,5,26,2031 +Porto Alegre,70,2,2,0,7,acept,furnished,600,3100,50,46,3796 +São Paulo,46,1,1,1,3,acept,furnished,700,3000,133,39,3872 +São Paulo,20,1,1,0,2,not acept,furnished,0,2060,0,27,2087 +São Paulo,350,3,6,4,19,acept,not furnished,2200,8500,1035,108,11840 +Rio de Janeiro,45,1,1,1,5,acept,not furnished,616,1900,109,25,2650 +Rio de Janeiro,223,3,3,0,15,not acept,not furnished,2409,765,350,10,3534 +Porto Alegre,115,1,2,2,7,acept,not furnished,1327,1550,177,23,3077 +Belo Horizonte,85,3,2,1,3,acept,not furnished,250,1450,73,20,1793 +Campinas,63,2,1,1,1,acept,not furnished,498,840,90,11,1439 +Belo Horizonte,69,3,2,1,8,not acept,not furnished,305,1600,90,22,2017 +São Paulo,48,2,1,1,4,acept,not furnished,150,900,0,12,1062 +Rio de Janeiro,400,5,4,2,8,acept,not furnished,3000,8000,34,104,11140 +São Paulo,49,2,1,1,10,not acept,not furnished,395,1250,0,16,1661 +São Paulo,120,4,2,2,-,not acept,not furnished,0,4500,89,68,4657 +São Paulo,168,3,4,3,10,acept,furnished,1900,7300,1000,93,10290 +Rio de Janeiro,80,3,1,0,8,acept,not furnished,1050,2700,167,35,3952 +São Paulo,100,2,4,2,10,acept,not furnished,1600,5990,417,76,8083 +São Paulo,38,1,1,1,16,acept,furnished,1100,2863,0,37,4000 +Porto Alegre,45,1,1,0,-,not acept,not furnished,550,550,0,9,1109 +São Paulo,123,3,3,0,-,acept,not furnished,0,4000,42,61,4103 +São Paulo,200,4,2,3,1,not acept,not furnished,910,2390,267,31,3598 +Campinas,73,3,1,1,3,acept,not furnished,547,1140,100,15,1802 +São Paulo,80,2,1,1,2,not acept,furnished,1036,7450,98,95,8679 +Rio de Janeiro,185,4,3,3,10,acept,not furnished,3250,11340,1835,147,16570 +São Paulo,100,3,3,4,-,not acept,not furnished,0,9775,0,147,9922 +São Paulo,240,3,3,2,-,acept,furnished,0,4350,385,66,4801 +Rio de Janeiro,405,4,3,2,1,acept,furnished,4032,14000,1649,181,19860 +São Paulo,130,3,4,4,-,acept,not furnished,1100,3280,490,50,4920 +Porto Alegre,129,2,3,1,5,acept,furnished,900,1925,61,29,2915 +São Paulo,130,2,2,2,-,not acept,not furnished,0,2700,123,41,2864 +Porto Alegre,73,2,1,1,8,acept,not furnished,550,2500,50,37,3137 +Campinas,50,2,1,1,2,acept,not furnished,530,1200,109,16,1855 +Belo Horizonte,90,3,2,1,2,acept,not furnished,300,1859,124,7,2290 +São Paulo,25,1,1,0,1,not acept,not furnished,0,1050,84,14,1148 +São Paulo,556,4,5,7,-,acept,not furnished,0,7000,2059,106,9165 +São Paulo,23,1,1,0,2,not acept,not furnished,30,950,34,13,1027 +Porto Alegre,110,2,2,0,5,not acept,furnished,700,3500,0,52,4252 +São Paulo,350,4,3,3,1,not acept,furnished,4459,15000,0,191,19650 +Campinas,300,4,3,5,-,acept,not furnished,0,4100,20,62,4182 +São Paulo,20,1,1,0,1,not acept,furnished,0,2050,0,26,2076 +Belo Horizonte,31,1,1,1,3,not acept,not furnished,550,460,92,7,1109 +São Paulo,250,4,3,3,-,acept,not furnished,0,4350,250,66,4666 +Belo Horizonte,200,4,2,2,2,acept,not furnished,1280,4300,429,58,6067 +São Paulo,500,4,7,6,5,not acept,not furnished,5400,5000,4000,64,14460 +Rio de Janeiro,105,3,2,0,4,not acept,furnished,940,5660,0,73,6673 +São Paulo,320,5,3,8,-,acept,not furnished,0,14000,917,211,15130 +São Paulo,236,4,4,0,17,acept,furnished,3035,3500,985,45,7565 +São Paulo,50,1,1,0,2,not acept,furnished,710,3100,85,12,3907 +Rio de Janeiro,65,2,1,0,3,acept,not furnished,180,1130,0,15,1325 +Belo Horizonte,502,4,3,4,-,acept,not furnished,0,6500,436,107,7043 +São Paulo,160,3,3,2,-,acept,not furnished,0,6700,295,101,7096 +São Paulo,90,2,2,1,-,acept,not furnished,0,1950,125,30,2105 +Campinas,44,1,1,1,2,acept,not furnished,390,1200,74,16,1680 +São Paulo,200,4,7,4,-,acept,furnished,0,8000,575,121,8696 +São Paulo,150,3,2,0,3,acept,not furnished,715,1700,210,22,2647 +Campinas,578,4,5,8,-,acept,not furnished,0,9500,787,143,10430 +São Paulo,85,3,2,1,8,acept,not furnished,996,3560,150,46,4752 +São Paulo,67,1,1,1,1,not acept,not furnished,0,1000,0,6,1006 +Belo Horizonte,900,6,6,6,-,acept,not furnished,0,5570,1084,92,6746 +São Paulo,182,4,4,3,1,acept,not furnished,2100,3400,542,44,6086 +Belo Horizonte,54,2,1,1,1,acept,not furnished,100,800,58,11,969 +São Paulo,33,1,1,0,3,acept,not furnished,350,1650,0,21,2021 +São Paulo,236,4,5,4,1,not acept,furnished,3950,15000,142,191,19280 +São Paulo,33,1,1,1,1,acept,not furnished,570,1630,9,21,2230 +São Paulo,25,1,1,0,3,acept,furnished,350,1800,0,23,2173 +Porto Alegre,400,4,4,6,-,acept,not furnished,0,7000,209,125,7334 +Rio de Janeiro,130,4,2,2,7,acept,furnished,1300,4200,592,55,6147 +São Paulo,240,4,3,3,10,not acept,furnished,4976,15000,1813,191,21980 +São Paulo,190,4,3,2,1,acept,not furnished,2700,7700,1305,98,11800 +São Paulo,42,1,1,1,5,acept,not furnished,330,2100,107,27,2564 +São Paulo,112,2,3,2,2,acept,furnished,1890,3580,418,46,5934 +Porto Alegre,108,3,2,2,17,not acept,not furnished,900,3100,92,46,4138 +Rio de Janeiro,50,1,1,0,5,not acept,not furnished,250,1100,38,15,1403 +Belo Horizonte,60,2,1,1,1,acept,furnished,200,1040,0,14,1254 +São Paulo,60,3,1,1,4,acept,not furnished,500,1480,0,19,1999 +São Paulo,462,4,4,0,-,acept,furnished,0,10000,2700,151,12850 +São Paulo,70,1,2,2,3,acept,furnished,1000,4500,292,58,5850 +São Paulo,72,2,1,1,11,acept,not furnished,850,2300,0,30,3180 +São Paulo,320,4,5,0,11,acept,furnished,4600,8700,2300,142,15740 +Belo Horizonte,140,2,2,2,4,acept,not furnished,305,1600,99,22,2026 +Campinas,60,1,1,0,3,acept,not furnished,250,1300,75,17,1642 +São Paulo,114,5,3,1,-,acept,not furnished,0,6000,42,91,6133 +Rio de Janeiro,40,1,1,0,2,acept,not furnished,359,2000,90,26,2475 +São Paulo,76,1,1,1,14,not acept,furnished,1300,5015,185,64,6564 +São Paulo,170,3,5,3,7,acept,furnished,1750,2800,600,36,5186 +Belo Horizonte,156,4,2,2,3,not acept,not furnished,435,2700,189,36,3360 +Campinas,65,2,1,1,1,not acept,not furnished,267,1000,34,13,1314 +Porto Alegre,67,1,1,1,3,acept,not furnished,350,840,25,13,1228 +Porto Alegre,110,3,2,1,3,not acept,furnished,790,2300,75,34,3199 +São Paulo,300,4,5,5,3,acept,not furnished,4500,8800,2750,112,16160 +Porto Alegre,47,1,1,1,1,not acept,furnished,400,2200,0,33,2633 +São Paulo,35,1,1,0,-,acept,not furnished,120,1300,39,17,1476 +Rio de Janeiro,46,2,1,0,1,acept,not furnished,352,1400,0,19,1771 +São Paulo,60,2,1,0,15,acept,furnished,990,2500,50,32,3572 +São Paulo,170,3,2,3,-,acept,not furnished,0,5000,0,76,5076 +Rio de Janeiro,30,1,1,0,1,acept,furnished,300,1600,42,21,1963 +Rio de Janeiro,84,2,2,1,2,not acept,furnished,900,2750,275,36,3961 +São Paulo,720,4,5,4,-,acept,not furnished,0,12000,3200,181,15380 +Porto Alegre,83,2,1,0,3,acept,not furnished,230,1300,31,19,1580 +São Paulo,250,3,3,1,9,acept,not furnished,2000,6500,292,83,8875 +São Paulo,325,3,5,0,3,acept,furnished,4285,5800,2049,74,12210 +Campinas,98,1,1,1,5,acept,not furnished,730,2800,152,36,3718 +São Paulo,95,2,2,1,-,acept,not furnished,0,2400,180,37,2617 +São Paulo,380,4,4,4,7,not acept,not furnished,3300,1500,1917,20,6737 +Rio de Janeiro,70,2,1,0,3,acept,not furnished,730,1600,240,21,2591 +São Paulo,86,3,3,0,1,not acept,not furnished,1100,2500,75,32,3707 +Belo Horizonte,367,4,3,8,-,acept,furnished,0,4500,404,74,4978 +São Paulo,495,5,5,4,11,not acept,not furnished,3100,15000,2180,191,20470 +São Paulo,320,4,4,6,8,acept,furnished,5281,15000,3151,191,23620 +São Paulo,197,3,4,3,24,acept,not furnished,2000,10000,0,127,12130 +São Paulo,140,4,2,1,8,acept,furnished,1800,2100,486,27,4413 +Rio de Janeiro,105,2,1,1,8,acept,furnished,530,1960,46,26,2562 +São Paulo,200,3,4,4,5,acept,furnished,1800,2953,686,38,5477 +Rio de Janeiro,88,3,2,1,11,acept,not furnished,600,1960,1180,26,3766 +São Paulo,96,3,3,2,5,acept,not furnished,855,3700,486,47,5088 +São Paulo,192,3,4,4,10,not acept,furnished,2350,8500,0,108,10960 +São Paulo,110,3,4,3,3,acept,not furnished,1446,3800,467,49,5762 +Porto Alegre,43,1,1,2,3,acept,furnished,500,2500,75,37,3112 +São Paulo,48,2,1,1,10,acept,not furnished,400,1650,51,21,2122 +São Paulo,65,2,1,0,-,not acept,not furnished,0,1300,34,20,1354 +São Paulo,400,5,3,6,-,acept,not furnished,0,13950,1880,210,16040 +Campinas,160,3,2,0,-,acept,not furnished,0,1600,117,25,1742 +Campinas,60,2,1,1,1,acept,not furnished,314,1000,0,13,1327 +São Paulo,110,3,2,2,10,acept,not furnished,1590,2200,490,28,4308 +Belo Horizonte,56,3,1,1,4,not acept,not furnished,320,1000,61,14,1395 +Rio de Janeiro,140,3,2,2,8,acept,not furnished,1780,7500,417,97,9794 +São Paulo,150,3,2,3,-,not acept,not furnished,0,2500,0,38,2538 +São Paulo,208,3,4,3,1,acept,not furnished,1900,3800,1100,49,6849 +Belo Horizonte,32,1,1,0,-,not acept,furnished,550,1250,0,17,1817 +Campinas,50,1,1,1,11,acept,not furnished,1500,500,105,7,2112 +Belo Horizonte,300,5,3,4,-,acept,not furnished,0,6000,0,99,6099 +São Paulo,32,1,1,1,8,acept,furnished,450,3250,0,42,3742 +Porto Alegre,900,5,5,2,4,acept,not furnished,2700,1000,542,15,4257 +São Paulo,40,1,1,0,-,not acept,not furnished,0,850,0,11,861 +Porto Alegre,301,3,3,4,-,acept,furnished,0,5860,34,105,5999 +São Paulo,299,5,4,2,-,acept,not furnished,800,5600,691,85,7176 +São Paulo,131,3,2,1,8,acept,not furnished,2100,2400,184,31,4715 +Rio de Janeiro,78,2,1,1,8,acept,furnished,615,1000,71,13,1699 +São Paulo,45,1,1,0,-,not acept,not furnished,0,928,57,14,999 +São Paulo,250,5,3,2,-,acept,not furnished,0,2960,232,45,3237 +Porto Alegre,40,1,1,0,5,acept,not furnished,320,650,9,10,989 +Porto Alegre,40,1,1,1,8,acept,not furnished,500,2200,50,33,2783 +São Paulo,244,3,6,4,18,acept,not furnished,2600,15000,1527,191,19320 +Belo Horizonte,190,2,3,0,-,acept,not furnished,0,2500,14,41,2555 +Porto Alegre,80,3,2,1,5,acept,not furnished,500,1800,0,27,2327 +São Paulo,56,1,1,1,8,acept,not furnished,2500,4600,467,59,7626 +Rio de Janeiro,53,1,1,0,2,acept,not furnished,390,1100,14,14,1518 +Belo Horizonte,243,4,4,4,7,not acept,not furnished,2800,10000,1250,134,14180 +Campinas,62,2,1,0,-,not acept,not furnished,0,1268,0,20,1288 +Porto Alegre,110,2,2,1,2,acept,not furnished,700,1450,125,22,2297 +São Paulo,176,3,3,3,9,acept,not furnished,1950,5000,542,64,7556 +São Paulo,150,3,2,1,-,acept,not furnished,0,4500,110,68,4678 +São Paulo,190,4,4,3,11,acept,furnished,2289,7000,860,89,10240 +Rio de Janeiro,62,2,1,0,3,acept,not furnished,839,2383,97,31,3350 +São Paulo,78,2,1,0,1,acept,not furnished,280,1520,0,20,1820 +São Paulo,330,3,6,5,-,acept,furnished,0,7100,0,107,7207 +Rio de Janeiro,284,4,4,1,4,acept,furnished,3010,7950,692,103,11760 +Belo Horizonte,999,6,6,6,-,acept,furnished,0,10800,1500,178,12480 +Campinas,55,1,1,0,14,acept,not furnished,600,1100,60,14,1774 +São Paulo,50,2,1,1,1,acept,not furnished,230,1520,40,20,1810 +Porto Alegre,109,4,3,1,2,acept,not furnished,680,1950,117,29,2776 +São Paulo,420,4,4,2,4,acept,not furnished,3300,13000,1417,165,17880 +Porto Alegre,40,1,1,0,-,acept,not furnished,390,500,0,8,898 +São Paulo,140,3,3,2,2,acept,not furnished,1300,2800,292,36,4428 +Belo Horizonte,400,4,5,3,10,acept,not furnished,3000,8695,834,116,12650 +São Paulo,28,1,1,1,4,not acept,furnished,537,3076,80,39,3732 +São Paulo,74,2,2,0,10,acept,not furnished,610,1650,0,21,2281 +Belo Horizonte,41,2,1,1,1,acept,not furnished,200,1100,79,15,1394 +São Paulo,76,2,1,0,2,acept,not furnished,500,2290,0,30,2820 +Belo Horizonte,233,3,3,0,13,acept,not furnished,870,1600,96,22,2588 +São Paulo,30,1,1,0,6,not acept,not furnished,253,1250,30,16,1549 +São Paulo,530,4,5,6,-,acept,not furnished,0,5950,1200,90,7240 +Campinas,94,3,3,2,1,acept,not furnished,750,2200,192,28,3170 +São Paulo,160,3,3,1,6,acept,not furnished,2000,4500,84,58,6642 +Rio de Janeiro,84,3,3,1,12,acept,furnished,1500,3860,229,50,5639 +São Paulo,120,3,2,2,5,acept,furnished,2150,4610,400,59,7219 +São Paulo,180,3,2,2,6,acept,not furnished,2192,4000,413,51,6656 +São Paulo,51,2,1,1,2,acept,not furnished,720,3700,5,47,4472 +Porto Alegre,65,1,1,0,5,acept,furnished,300,1250,25,19,1594 +Campinas,206,3,2,3,15,acept,not furnished,1900,3910,417,50,6277 +Porto Alegre,75,3,2,1,12,acept,not furnished,330,1740,110,26,2206 +Porto Alegre,125,3,2,4,6,acept,furnished,1000,6500,195,95,7790 +Campinas,75,3,2,2,1,acept,not furnished,1250,1600,162,21,3033 +São Paulo,96,3,1,1,5,acept,furnished,1172,3550,140,45,4907 +Belo Horizonte,80,2,2,1,4,acept,furnished,600,1500,109,20,2229 +Porto Alegre,45,2,1,1,4,acept,not furnished,250,1100,22,17,1389 +Campinas,68,2,1,1,2,acept,not furnished,400,1310,60,17,1787 +Porto Alegre,50,2,1,1,4,acept,furnished,345,2750,72,41,3208 +São Paulo,200,2,4,1,-,acept,not furnished,0,15000,829,226,16060 +São Paulo,100,3,2,2,11,acept,furnished,1239,7950,313,101,9603 +São Paulo,107,2,1,0,1,acept,not furnished,480,4950,55,63,5548 +Rio de Janeiro,60,1,2,0,10,acept,furnished,430,2244,50,29,2753 +Rio de Janeiro,180,6,3,2,-,acept,not furnished,0,3800,350,58,4208 +São Paulo,85,3,2,2,-,acept,not furnished,100,2500,75,38,2713 +São Paulo,20,1,1,0,2,not acept,furnished,150,3142,67,40,3399 +Belo Horizonte,260,4,3,2,-,acept,furnished,0,9700,611,160,10470 +Belo Horizonte,152,4,4,3,4,acept,not furnished,1350,4100,525,55,6030 +Rio de Janeiro,25,1,1,0,3,not acept,not furnished,590,1336,63,18,2007 +São Paulo,80,2,1,1,-,acept,not furnished,0,1900,567,29,2496 +Porto Alegre,79,2,2,1,2,acept,furnished,400,3200,0,27,3627 +São Paulo,70,2,2,1,8,not acept,furnished,1600,3440,250,44,5334 +São Paulo,92,2,2,1,6,not acept,not furnished,1590,2490,158,32,4270 +Porto Alegre,68,2,1,0,10,acept,not furnished,515,1650,73,25,2263 +São Paulo,158,3,3,2,10,not acept,not furnished,1995,5500,529,70,8094 +São Paulo,45,1,1,1,2,not acept,furnished,716,3300,166,42,4224 +Belo Horizonte,284,5,2,3,-,acept,not furnished,0,4500,270,74,4844 +São Paulo,500,4,6,3,-,acept,not furnished,0,15000,845,226,16070 +São Paulo,151,4,3,3,6,acept,not furnished,2061,4000,736,51,6848 +Porto Alegre,65,2,1,1,3,acept,not furnished,360,1066,15,16,1457 +São Paulo,70,2,1,0,-,acept,not furnished,100,2000,42,26,2168 +São Paulo,115,4,3,4,1,acept,furnished,1133,7000,0,89,8222 +São Paulo,155,1,1,2,1,not acept,furnished,1952,5500,0,70,7522 +São Paulo,35,3,2,0,-,acept,not furnished,0,1600,84,25,1709 +Belo Horizonte,71,3,2,1,3,acept,not furnished,310,1150,85,16,1561 +São Paulo,48,2,1,1,7,acept,not furnished,391,1865,17,24,2297 +Porto Alegre,202,3,3,3,4,acept,furnished,1500,7900,417,116,9933 +Porto Alegre,18,1,1,0,15,acept,furnished,360,830,10,13,1213 +Campinas,76,3,1,1,8,not acept,not furnished,484,1100,63,14,1661 +São Paulo,25,1,1,0,5,not acept,not furnished,450,2070,80,27,2627 +Rio de Janeiro,68,2,1,1,4,not acept,furnished,1020,2800,101,37,3958 +Belo Horizonte,44,2,1,1,3,acept,not furnished,296,1000,60,14,1370 +Rio de Janeiro,320,3,3,2,5,acept,not furnished,3300,4800,820,62,8982 +São Paulo,180,3,2,1,4,acept,not furnished,1300,4000,218,51,5569 +São Paulo,250,3,2,2,-,acept,furnished,0,6000,0,91,6091 +Porto Alegre,60,1,2,2,14,acept,not furnished,650,3000,167,44,3861 +Porto Alegre,180,3,2,2,-,acept,not furnished,0,5048,0,90,5138 +São Paulo,60,1,2,1,14,not acept,not furnished,3800,3300,500,42,7642 +Porto Alegre,50,2,1,1,-,acept,furnished,370,1290,30,17,1707 +São Paulo,35,1,1,0,-,acept,not furnished,0,1100,30,14,1144 +São Paulo,270,4,4,0,17,not acept,furnished,2300,14000,1917,178,18400 +São Paulo,479,4,5,4,-,acept,furnished,0,9500,525,143,10170 +São Paulo,50,1,2,1,12,acept,not furnished,1100,5400,259,69,6828 +Rio de Janeiro,80,2,2,1,2,acept,furnished,999,3000,118,39,4156 +Porto Alegre,110,3,2,0,3,acept,furnished,550,1980,234,29,2793 +Belo Horizonte,310,4,4,3,1,not acept,not furnished,360,3000,341,40,3741 +Campinas,500,4,4,3,5,not acept,not furnished,5288,15000,82,191,20560 +São Paulo,256,3,3,2,-,not acept,not furnished,0,5600,2417,85,8102 +São Paulo,52,2,1,1,7,acept,not furnished,540,1300,63,17,1920 +Porto Alegre,44,1,1,1,2,acept,not furnished,0,1200,0,18,1218 +São Paulo,100,2,4,2,12,not acept,furnished,885,3000,330,39,4254 +Belo Horizonte,500,5,4,4,-,acept,not furnished,0,7000,485,115,7600 +São Paulo,50,1,1,1,13,acept,not furnished,550,2180,200,28,2958 +Belo Horizonte,402,4,7,4,15,not acept,not furnished,2124,15000,158,200,17480 +Campinas,45,1,1,1,16,not acept,furnished,450,3900,105,50,4505 +Rio de Janeiro,40,1,1,0,2,acept,not furnished,370,830,60,11,1271 +São Paulo,35,1,1,0,8,not acept,not furnished,265,1270,17,17,1569 +Rio de Janeiro,75,2,2,1,3,acept,not furnished,650,2500,179,33,3362 +São Paulo,190,3,4,4,5,acept,not furnished,3600,11000,1584,140,16320 +Belo Horizonte,193,4,2,1,6,acept,not furnished,975,1800,317,24,3116 +São Paulo,90,3,2,2,15,not acept,not furnished,850,2180,210,28,3268 +São Paulo,215,3,4,4,25,acept,not furnished,1740,3980,695,51,6466 +Rio de Janeiro,65,2,2,0,2,not acept,not furnished,150,1700,84,22,1956 +Rio de Janeiro,93,2,2,0,4,not acept,furnished,1360,3180,272,41,4853 +Campinas,50,2,1,1,3,acept,not furnished,300,1170,0,15,1485 +São Paulo,170,3,2,0,-,not acept,not furnished,0,5550,255,84,5889 +Rio de Janeiro,380,4,3,2,9,acept,not furnished,3500,4000,750,52,8302 +São Paulo,150,3,3,0,-,acept,not furnished,0,2560,0,39,2599 +Rio de Janeiro,45,1,1,0,6,acept,not furnished,900,1820,90,24,2834 +Belo Horizonte,80,3,1,1,-,acept,not furnished,0,2800,138,46,2984 +São Paulo,35,1,1,0,7,not acept,not furnished,465,1200,0,16,1681 +São Paulo,22,1,1,0,-,not acept,not furnished,50,700,5,9,764 +São Paulo,107,3,2,2,4,acept,not furnished,1393,3300,413,42,5148 +São Paulo,125,2,2,1,-,acept,not furnished,0,1570,55,24,1649 +Porto Alegre,80,3,2,2,5,acept,not furnished,461,2000,59,30,2550 +São Paulo,24,1,1,0,2,acept,not furnished,500,2150,84,28,2762 +São Paulo,87,3,2,3,3,acept,not furnished,914,1300,265,17,2496 +São Paulo,400,7,7,0,-,acept,not furnished,0,14000,1667,211,15880 +Campinas,55,1,1,1,-,acept,furnished,0,1100,80,14,1194 +São Paulo,48,2,1,1,3,acept,not furnished,470,1700,0,22,2192 +São Paulo,129,3,2,2,9,acept,not furnished,880,2250,156,29,3315 +Rio de Janeiro,200,3,3,0,5,acept,not furnished,850,2370,167,31,3418 +Porto Alegre,240,5,4,4,-,acept,not furnished,0,4760,584,85,5429 +São Paulo,140,3,2,3,13,acept,furnished,1100,8000,167,102,9369 +Rio de Janeiro,30,1,1,0,8,not acept,not furnished,590,850,126,11,1577 +Porto Alegre,28,1,1,1,3,acept,not furnished,330,930,125,14,1399 +São Paulo,43,1,1,0,13,acept,not furnished,250,1700,0,22,1972 +Rio de Janeiro,184,4,2,3,9,acept,furnished,2800,2550,417,33,5800 +São Paulo,120,3,3,2,7,acept,not furnished,1350,4800,400,61,6611 +São Paulo,170,3,3,2,-,acept,not furnished,0,2750,100,42,2892 +São Paulo,77,3,2,1,5,not acept,furnished,400,2050,55,26,2531 +Porto Alegre,50,1,1,0,7,acept,furnished,200,1300,12,19,1531 +Porto Alegre,42,1,1,0,15,acept,not furnished,350,1500,0,22,1872 +São Paulo,250,2,1,0,-,acept,not furnished,0,1500,9,23,1532 +Belo Horizonte,33,1,1,1,3,acept,not furnished,170,1600,9,22,1801 +Porto Alegre,106,3,3,2,3,acept,not furnished,637,2250,133,33,3053 +São Paulo,480,5,8,6,-,acept,not furnished,0,13200,1230,199,14630 +São Paulo,74,1,1,1,17,not acept,furnished,826,6290,203,80,7399 +São Paulo,230,4,5,4,4,not acept,not furnished,3500,6000,1167,77,10740 +Campinas,62,2,1,0,1,acept,not furnished,440,1200,38,16,1694 +Rio de Janeiro,103,4,3,0,-,acept,furnished,800,2150,97,28,3075 +Campinas,90,3,2,0,-,acept,not furnished,0,1590,180,24,1794 +Rio de Janeiro,15,1,1,0,11,not acept,furnished,0,1670,0,22,1692 +São Paulo,137,3,3,1,9,acept,furnished,1200,5500,303,70,7073 +Porto Alegre,50,1,1,0,3,acept,not furnished,270,600,23,9,902 +São Paulo,76,2,1,0,12,acept,not furnished,502,1700,62,22,2286 +São Paulo,168,4,3,3,7,acept,not furnished,1900,3500,768,45,6213 +São Paulo,148,3,3,3,13,not acept,furnished,2064,4348,542,31,6985 +Belo Horizonte,220,4,3,3,4,acept,not furnished,1500,4600,547,62,6709 +São Paulo,120,3,3,2,2,acept,not furnished,200,2039,0,8,2247 +Campinas,136,4,5,2,10,acept,not furnished,1300,3800,280,49,5429 +Rio de Janeiro,50,1,1,1,7,acept,not furnished,750,860,84,12,1706 +Porto Alegre,78,3,1,1,2,acept,not furnished,500,1200,400,18,2118 +São Paulo,42,1,1,1,4,not acept,not furnished,1200,2350,151,30,3731 +São Paulo,45,1,1,0,2,not acept,not furnished,0,1400,69,18,1487 +São Paulo,170,5,4,4,-,acept,furnished,0,6000,350,91,6441 +Belo Horizonte,310,5,2,1,-,not acept,not furnished,0,3500,208,58,3766 +São Paulo,170,6,5,1,-,acept,not furnished,0,3468,0,53,3521 +São Paulo,68,2,1,1,4,acept,not furnished,626,1200,0,16,1842 +São Paulo,380,4,5,5,3,acept,not furnished,4200,15000,1800,191,21190 +São Paulo,62,2,1,1,1,acept,furnished,220,1590,40,21,1871 +São Paulo,30,1,1,1,15,acept,not furnished,500,1560,61,20,2141 +Belo Horizonte,50,2,1,1,10,acept,not furnished,160,800,0,11,971 +Belo Horizonte,20,1,1,0,1,not acept,not furnished,0,500,42,7,549 +São Paulo,63,2,2,1,-,acept,not furnished,0,1920,79,29,2028 +São Paulo,60,1,1,0,-,acept,not furnished,0,2000,0,31,2031 +São Paulo,86,3,3,0,10,acept,furnished,1100,3000,100,39,4239 +São Paulo,100,3,2,1,3,acept,not furnished,1020,2900,0,37,3957 +São Paulo,70,2,2,1,3,acept,not furnished,1100,2850,179,37,4166 +São Paulo,42,1,1,1,11,not acept,furnished,560,3300,172,42,4074 +São Paulo,90,3,2,0,8,acept,furnished,480,3000,1,39,3520 +São Paulo,45,1,1,1,1,not acept,furnished,3000,5520,0,70,8590 +Porto Alegre,73,2,3,1,2,acept,not furnished,400,1957,79,29,2465 +Porto Alegre,209,3,3,2,6,acept,furnished,450,3500,542,52,4544 +São Paulo,200,4,3,2,5,acept,not furnished,2200,2000,216,26,4442 +Rio de Janeiro,94,2,2,2,9,acept,not furnished,918,2700,92,35,3745 +Porto Alegre,115,2,2,1,1,acept,not furnished,300,1847,9,27,2183 +Belo Horizonte,200,4,2,1,5,not acept,not furnished,1800,3000,327,40,5167 +Porto Alegre,147,3,1,1,6,not acept,not furnished,500,2666,100,39,3305 +São Paulo,60,1,1,1,7,acept,furnished,1800,2000,0,26,3826 +São Paulo,200,3,3,6,-,acept,not furnished,0,6000,500,91,6591 +Rio de Janeiro,150,2,1,0,3,acept,not furnished,450,1500,180,20,2150 +São Paulo,135,2,3,2,-,acept,not furnished,0,3300,67,50,3417 +São Paulo,78,1,2,2,6,acept,not furnished,682,2300,215,30,3227 +São Paulo,124,3,3,2,-,acept,not furnished,0,4000,92,61,4153 +Porto Alegre,102,3,2,1,5,acept,not furnished,800,3000,234,44,4078 +Campinas,200,5,2,4,-,acept,not furnished,0,3200,269,49,3518 +São Paulo,150,3,2,3,-,not acept,not furnished,0,3000,375,46,3421 +Rio de Janeiro,40,1,2,0,11,acept,not furnished,800,1780,209,23,2812 +São Paulo,240,3,4,4,10,not acept,not furnished,1700,5000,1000,64,7764 +São Paulo,102,3,3,0,7,acept,not furnished,1270,3500,434,45,5249 +São Paulo,149,3,3,2,12,not acept,not furnished,2000,5400,0,69,7469 +São Paulo,300,4,2,3,-,acept,not furnished,0,7182,709,108,7999 +Belo Horizonte,75,2,2,2,6,not acept,furnished,823,4200,384,56,5463 +São Paulo,48,2,1,1,7,acept,not furnished,438,1723,0,22,2183 +Rio de Janeiro,58,2,1,0,1,not acept,not furnished,515,1232,51,16,1814 +Porto Alegre,59,2,1,0,1,acept,not furnished,430,700,17,11,1158 +Rio de Janeiro,136,3,2,1,7,acept,not furnished,2300,3800,600,49,6749 +São Paulo,35,1,1,1,5,acept,furnished,815,3200,149,41,4205 +São Paulo,103,3,2,1,7,acept,not furnished,944,4400,126,56,5526 +São Paulo,129,3,2,3,7,acept,not furnished,1190,3400,811,44,5445 +São Paulo,175,3,3,3,8,acept,not furnished,1700,3500,153,45,5398 +Campinas,96,3,2,2,6,acept,furnished,750,3400,138,44,4332 +Rio de Janeiro,60,2,1,0,3,acept,furnished,700,1900,51,25,2676 +São Paulo,38,1,1,1,2,acept,not furnished,335,1375,3,18,1731 +Belo Horizonte,211,3,3,3,11,not acept,furnished,900,2500,264,34,3698 +São Paulo,72,2,1,1,4,acept,not furnished,650,1000,12,13,1675 +São Paulo,440,1,2,4,-,acept,not furnished,1,9800,584,148,10530 +São Paulo,70,3,2,1,1,acept,furnished,500,2000,100,26,2626 +São Paulo,70,1,1,4,-,acept,not furnished,0,1300,42,20,1362 +São Paulo,53,2,2,1,7,acept,not furnished,412,1500,117,20,2049 +São Paulo,161,2,2,3,3,acept,not furnished,2500,4800,1125,61,8486 +São Paulo,180,3,3,1,3,acept,not furnished,2200,3100,300,22,5622 +Porto Alegre,260,2,5,4,-,acept,not furnished,0,4500,75,80,4655 +Belo Horizonte,60,2,1,1,-,not acept,not furnished,0,1150,50,19,1219 +São Paulo,120,1,2,2,16,acept,furnished,1000,9000,700,115,10820 +Porto Alegre,36,1,1,0,6,not acept,not furnished,375,630,24,10,1039 +Belo Horizonte,278,4,4,4,6,acept,not furnished,2400,12000,155,160,14720 +São Paulo,113,2,2,1,6,acept,not furnished,1000,3000,50,39,4089 +São Paulo,30,1,1,0,1,acept,furnished,350,3300,0,42,3692 +São Paulo,300,4,3,3,-,acept,not furnished,0,4000,283,61,4344 +Campinas,48,2,1,1,4,acept,not furnished,288,820,45,11,1164 +São Paulo,524,4,5,3,-,acept,furnished,0,11050,1167,167,12380 +São Paulo,94,3,2,3,5,acept,not furnished,820,2200,350,28,3398 +São Paulo,320,4,6,4,4,acept,not furnished,5400,15000,175,191,20770 +São Paulo,51,2,1,1,9,acept,not furnished,450,2500,17,32,2999 +São Paulo,78,2,2,1,2,acept,furnished,1250,7250,390,92,8982 +Rio de Janeiro,40,1,1,0,7,acept,not furnished,600,1080,50,14,1744 +São Paulo,360,4,4,3,-,not acept,not furnished,0,8000,750,121,8871 +Porto Alegre,47,1,1,1,19,not acept,not furnished,650,2630,135,39,3454 +São Paulo,45,2,1,1,2,acept,not furnished,280,1650,29,21,1980 +Belo Horizonte,30,1,1,0,1,acept,not furnished,100,550,35,8,693 +Rio de Janeiro,235,4,3,1,8,not acept,furnished,2500,5950,500,77,9027 +São Paulo,142,3,4,3,21,not acept,not furnished,2000,5440,400,69,7909 +São Paulo,75,2,1,1,2,acept,not furnished,400,3400,84,44,3928 +Rio de Janeiro,117,3,1,1,2,not acept,not furnished,200,3700,103,48,4051 +São Paulo,280,3,3,5,-,acept,not furnished,0,3500,2,53,3555 +São Paulo,380,4,4,5,6,acept,not furnished,6000,10000,2584,127,18710 +São Paulo,133,3,3,2,19,acept,furnished,2900,14000,898,178,17980 +Porto Alegre,83,2,2,1,7,acept,not furnished,450,1400,67,21,1938 +São Paulo,93,2,2,1,11,acept,furnished,2400,3450,84,44,5978 +São Paulo,178,3,2,3,8,acept,not furnished,1000,4250,167,54,5471 +São Paulo,53,2,1,1,1,acept,not furnished,550,1250,0,16,1816 +São Paulo,165,3,3,3,2,acept,not furnished,1660,2700,767,35,5162 +São Paulo,50,2,1,1,14,not acept,not furnished,450,1900,0,25,2375 +São Paulo,100,2,1,2,-,acept,not furnished,0,3200,67,49,3316 +São Paulo,70,2,2,1,-,acept,not furnished,0,2400,67,37,2504 +São Paulo,250,3,4,5,-,acept,not furnished,0,4000,500,61,4561 +Campinas,55,1,1,1,6,acept,not furnished,640,700,36,9,1385 +Belo Horizonte,294,3,4,4,15,acept,not furnished,1832,3600,543,48,6023 +Porto Alegre,56,2,1,1,2,acept,not furnished,350,800,38,12,1200 +São Paulo,220,3,4,4,22,acept,not furnished,2300,8000,834,102,11240 +Rio de Janeiro,44,1,1,0,5,acept,not furnished,860,1000,57,13,1930 +Belo Horizonte,15,1,1,0,3,not acept,furnished,0,1100,0,15,1115 +Rio de Janeiro,80,2,2,1,2,acept,furnished,650,2200,67,29,2946 +São Paulo,70,2,2,1,6,acept,not furnished,665,2000,0,26,2691 +São Paulo,368,4,6,6,3,acept,not furnished,4448,7500,2078,96,14120 +São Paulo,35,1,1,0,6,acept,furnished,420,1660,0,22,2102 +São Paulo,292,4,4,4,29,acept,not furnished,1700,5000,686,64,7450 +Campinas,470,4,4,4,15,acept,not furnished,3800,11000,1080,140,16020 +Porto Alegre,68,2,2,2,4,acept,not furnished,350,1700,60,25,2135 +Porto Alegre,83,2,2,2,3,acept,not furnished,340,1900,70,28,2338 +Belo Horizonte,70,2,2,1,4,not acept,furnished,1355,4700,250,63,6368 +Rio de Janeiro,300,3,4,2,5,acept,not furnished,3500,13000,1105,168,17770 +São Paulo,62,1,1,0,8,acept,not furnished,670,2792,38,36,3536 +São Paulo,75,3,2,1,21,acept,not furnished,501,2900,28,37,3466 +São Paulo,75,3,1,1,-,acept,not furnished,0,2470,0,38,2508 +São Paulo,72,3,2,1,12,acept,not furnished,880,1830,114,24,2848 +São Paulo,160,3,3,4,3,acept,not furnished,2300,5000,92,64,7456 +São Paulo,150,3,4,2,-,not acept,not furnished,0,3400,0,52,3452 +São Paulo,224,4,4,3,2,acept,furnished,2900,9350,917,119,13290 +São Paulo,540,4,3,5,-,acept,furnished,1900,14000,3534,211,19650 +Rio de Janeiro,50,2,1,1,11,acept,not furnished,420,1600,13,21,2054 +Rio de Janeiro,80,2,2,1,5,acept,not furnished,928,1400,59,19,2406 +Belo Horizonte,190,3,2,2,6,acept,not furnished,1500,4850,502,65,6917 +São Paulo,160,3,2,2,1,acept,not furnished,1515,2900,400,37,4852 +Porto Alegre,92,3,1,0,1,acept,not furnished,600,1800,42,27,2469 +São Paulo,30,1,1,0,1,acept,not furnished,0,1550,21,20,1591 +Belo Horizonte,268,4,4,3,3,acept,not furnished,700,2700,250,45,3695 +São Paulo,40,1,1,0,9,acept,not furnished,299,1300,30,17,1646 +Rio de Janeiro,186,3,1,0,10,acept,not furnished,1500,1500,364,20,3384 +São Paulo,100,2,2,1,-,acept,not furnished,0,4800,321,73,5194 +São Paulo,120,3,4,2,15,not acept,not furnished,2011,4009,566,51,6637 +São Paulo,160,2,3,2,-,acept,not furnished,1950,14000,413,178,16540 +São Paulo,224,4,5,2,-,acept,not furnished,0,3800,731,58,4589 +São Paulo,33,2,1,0,12,acept,not furnished,260,2000,0,26,2286 +São Paulo,360,4,5,4,-,not acept,furnished,0,10000,917,151,11070 +Porto Alegre,444,3,6,4,3,acept,not furnished,3000,4500,959,66,8525 +São Paulo,93,3,2,2,7,acept,not furnished,750,2200,84,28,3062 +São Paulo,49,1,2,0,1,acept,not furnished,0,1300,0,17,1317 +São Paulo,90,1,1,1,1,acept,not furnished,200,1300,67,17,1584 +Porto Alegre,96,3,2,2,4,acept,furnished,730,3298,70,49,4147 +Porto Alegre,98,2,2,0,2,not acept,not furnished,475,1600,70,24,2169 +São Paulo,240,3,4,3,-,acept,not furnished,0,6000,325,91,6416 +Belo Horizonte,45,2,1,1,4,acept,not furnished,200,850,50,12,1112 +Campinas,50,2,1,1,1,acept,not furnished,0,800,200,11,1011 +Rio de Janeiro,160,3,2,1,4,acept,not furnished,1910,4500,529,58,6997 +Porto Alegre,67,3,2,1,3,acept,not furnished,350,1230,60,18,1658 +Belo Horizonte,205,4,2,4,-,acept,not furnished,0,3990,150,66,4206 +São Paulo,25,1,1,0,-,not acept,not furnished,0,600,0,10,610 +São Paulo,167,3,3,3,19,acept,furnished,1500,2800,542,36,4878 +Campinas,50,1,1,1,1,acept,not furnished,650,900,69,12,1631 +São Paulo,104,2,2,2,8,acept,not furnished,1800,4150,380,53,6383 +Porto Alegre,40,1,1,1,4,acept,not furnished,200,650,5,10,865 +Belo Horizonte,135,4,2,1,2,acept,not furnished,600,2200,138,30,2968 +São Paulo,210,3,2,2,-,acept,not furnished,0,2780,500,42,3322 +Campinas,70,2,1,1,7,acept,not furnished,700,1300,0,17,2017 +São Paulo,200,3,3,1,5,acept,not furnished,1750,3200,167,41,5158 +São Paulo,300,4,4,4,1,acept,not furnished,1700,2500,917,32,5149 +Rio de Janeiro,155,4,3,1,3,not acept,furnished,1450,8600,350,111,10510 +São Paulo,281,4,4,8,-,acept,furnished,0,10000,847,151,11000 +São Paulo,23,1,1,0,23,acept,not furnished,383,2050,40,26,2499 +São Paulo,80,1,1,1,5,acept,furnished,1,7200,0,92,7293 +Porto Alegre,99,3,2,0,3,acept,not furnished,1450,1088,112,16,2666 +São Paulo,239,3,3,3,-,acept,not furnished,0,7000,177,106,7283 +São Paulo,356,3,4,4,-,not acept,not furnished,1900,9000,709,136,11750 +São Paulo,350,5,5,3,-,not acept,furnished,2300,10580,630,135,13650 +São Paulo,270,4,5,4,23,acept,not furnished,3550,12000,1720,153,17420 +São Paulo,200,4,4,1,1,not acept,not furnished,3200,3800,834,49,7883 +São Paulo,124,3,3,3,15,acept,not furnished,1560,3670,709,47,5986 +São Paulo,202,3,4,3,8,acept,furnished,2500,10250,834,130,13710 +São Paulo,40,1,1,0,2,acept,not furnished,1200,3000,225,39,4464 +São Paulo,230,2,2,3,10,acept,not furnished,2700,2550,845,33,6128 +Porto Alegre,45,1,1,1,4,acept,not furnished,300,595,21,9,925 +São Paulo,23,1,1,1,26,acept,not furnished,472,2300,59,30,2861 +São Paulo,340,4,4,0,-,acept,not furnished,0,4000,334,61,4395 +São Paulo,342,5,6,5,-,not acept,not furnished,0,6000,422,91,6513 +São Paulo,93,2,2,2,2,acept,furnished,1166,5500,325,70,7061 +São Paulo,174,3,4,3,15,not acept,not furnished,2500,10400,817,132,13850 +Rio de Janeiro,95,2,3,2,6,acept,not furnished,1300,2000,159,26,3485 +São Paulo,104,2,2,2,4,not acept,furnished,930,3100,34,40,4104 +São Paulo,65,1,1,1,9,not acept,not furnished,1000,2500,0,32,3532 +São Paulo,90,1,1,0,-,acept,not furnished,0,2200,109,34,2343 +Rio de Janeiro,104,3,2,1,6,acept,not furnished,990,2500,125,33,3648 +São Paulo,78,2,2,2,12,acept,not furnished,450,2700,0,35,3185 +São Paulo,140,3,2,2,-,acept,not furnished,0,3200,225,49,3474 +São Paulo,50,2,2,1,10,acept,not furnished,380,1900,0,25,2305 +São Paulo,270,4,3,3,-,acept,not furnished,0,10900,392,164,11460 +Rio de Janeiro,131,2,1,0,6,acept,not furnished,600,790,128,11,1529 +Porto Alegre,69,2,2,1,-,acept,furnished,573,1500,107,22,2202 +São Paulo,630,4,6,4,-,not acept,not furnished,0,12300,2667,185,15150 +São Paulo,140,3,3,2,10,acept,not furnished,2000,5100,167,65,7332 +São Paulo,255,3,4,4,9,acept,furnished,1650,5000,125,64,6839 +São Paulo,187,4,3,2,7,acept,not furnished,2269,5430,598,69,8366 +Porto Alegre,120,3,2,1,2,acept,not furnished,0,1020,25,15,1060 +Porto Alegre,50,2,1,1,-,acept,not furnished,0,1000,25,18,1043 +São Paulo,190,3,3,1,3,acept,not furnished,2150,6300,459,80,8989 +São Paulo,16,1,1,0,1,not acept,not furnished,0,980,0,13,993 +São Paulo,92,2,1,1,11,not acept,not furnished,0,6860,0,87,6947 +São Paulo,56,3,1,0,11,acept,furnished,296,1900,30,25,2251 +Belo Horizonte,58,1,2,2,7,acept,not furnished,304,1400,100,19,1823 +São Paulo,45,2,1,1,12,acept,not furnished,270,1620,59,21,1970 +Rio de Janeiro,70,2,2,1,3,acept,not furnished,690,850,0,11,1551 +Belo Horizonte,125,3,3,1,5,acept,not furnished,745,2100,218,28,3091 +São Paulo,79,3,2,0,2,acept,furnished,493,1250,78,16,1837 +Campinas,62,2,2,2,7,acept,not furnished,600,1900,82,25,2607 +Campinas,55,1,1,0,7,acept,not furnished,480,1200,50,16,1746 +São Paulo,84,2,2,0,12,acept,not furnished,747,1500,0,20,2267 +Campinas,58,2,2,2,15,acept,not furnished,400,2200,100,28,2728 +São Paulo,80,2,1,0,-,not acept,not furnished,0,1400,100,22,1522 +São Paulo,196,4,4,5,12,acept,not furnished,4600,12500,1667,159,18930 +São Paulo,326,3,4,4,12,acept,not furnished,2808,6500,1605,83,11000 +Belo Horizonte,54,2,1,2,2,acept,not furnished,114,900,120,12,1146 +Porto Alegre,62,1,1,0,3,acept,not furnished,150,900,13,14,1077 +São Paulo,72,2,1,1,2,not acept,furnished,510,1350,100,18,1978 +São Paulo,156,3,2,2,10,acept,not furnished,2322,7500,385,96,10300 +São Paulo,250,3,2,8,-,acept,not furnished,0,6500,1360,98,7958 +São Paulo,45,1,1,1,3,acept,furnished,900,2450,158,32,3540 +São Paulo,200,4,4,3,2,acept,furnished,3700,5000,0,64,8764 +Belo Horizonte,131,3,2,3,3,acept,furnished,586,2750,351,37,3724 +São Paulo,55,1,1,1,9,not acept,furnished,1400,2860,184,37,4481 +São Paulo,118,3,2,2,7,acept,furnished,1880,8500,434,108,10920 +São Paulo,300,3,4,1,-,acept,not furnished,0,4500,542,68,5110 +São Paulo,45,1,1,1,13,acept,not furnished,606,2500,15,32,3153 +Belo Horizonte,372,3,4,3,-,acept,not furnished,0,5500,343,91,5934 +São Paulo,55,1,1,1,6,not acept,furnished,642,1600,0,21,2263 +Campinas,55,2,1,1,1,acept,not furnished,350,1397,80,18,1845 +São Paulo,46,2,1,0,8,not acept,not furnished,2000,1230,34,16,3280 +São Paulo,24,1,1,1,-,not acept,not furnished,0,1310,0,20,1330 +São Paulo,52,2,1,1,4,acept,not furnished,0,1450,0,19,1469 +São Paulo,180,4,3,2,5,acept,not furnished,2650,5500,667,70,8887 +São Paulo,97,3,2,2,6,acept,not furnished,1055,1950,325,25,3355 +São Paulo,200,3,2,4,-,acept,not furnished,0,3500,0,53,3553 +São Paulo,67,2,2,2,12,acept,furnished,620,5000,224,64,5908 +Porto Alegre,101,2,1,2,2,acept,not furnished,750,1600,300,24,2674 +Belo Horizonte,240,4,4,3,5,acept,not furnished,0,4600,0,62,4662 +São Paulo,250,6,2,2,-,acept,not furnished,0,2472,26,38,2536 +Campinas,94,3,1,0,6,acept,not furnished,710,1000,90,13,1813 +São Paulo,50,1,1,0,5,acept,furnished,415,2000,73,26,2514 +Porto Alegre,74,2,2,2,5,acept,not furnished,600,2500,0,37,3137 +Campinas,105,2,1,1,5,acept,not furnished,900,1400,77,18,2395 +Porto Alegre,38,1,1,0,1,not acept,furnished,300,1600,34,24,1958 +São Paulo,50,2,1,1,2,acept,not furnished,420,1150,0,15,1585 +São Paulo,54,1,1,1,13,acept,furnished,612,2538,0,18,3168 +Rio de Janeiro,38,1,1,0,6,acept,not furnished,375,1290,90,17,1772 +Campinas,115,3,2,2,4,acept,not furnished,570,1948,109,25,2652 +Belo Horizonte,70,2,1,1,3,acept,not furnished,150,1100,66,15,1331 +Rio de Janeiro,102,3,4,3,3,acept,furnished,2000,5800,459,75,8334 +Porto Alegre,42,2,1,0,2,acept,not furnished,280,790,23,12,1105 +São Paulo,70,2,2,1,1,not acept,not furnished,280,1000,138,13,1431 +São Paulo,52,2,1,0,7,acept,not furnished,616,1200,65,16,1897 +São Paulo,800,4,5,8,-,acept,not furnished,0,12000,2334,181,14520 +São Paulo,40,1,1,1,5,acept,not furnished,350,1780,0,23,2153 +São Paulo,74,3,2,1,6,acept,not furnished,995,3000,0,39,4034 +Campinas,110,2,2,0,18,acept,furnished,960,4200,218,54,5432 +Campinas,56,1,1,1,18,acept,not furnished,616,800,40,11,1467 +Porto Alegre,46,1,1,1,1,acept,not furnished,190,1300,15,19,1524 +São Paulo,125,3,3,1,9,acept,not furnished,674,2000,25,26,2725 +Belo Horizonte,224,4,4,4,1,acept,furnished,2285,8500,1199,114,12100 +São Paulo,58,1,2,1,1,not acept,furnished,830,4800,130,61,5821 +São Paulo,400,6,6,8,15,acept,furnished,3000,4335,1750,55,9140 +São Paulo,58,1,1,1,17,acept,not furnished,610,1600,89,21,2320 +São Paulo,52,1,1,0,3,acept,furnished,425,3300,0,42,3767 +Porto Alegre,82,3,1,2,3,acept,not furnished,400,800,30,12,1242 +Belo Horizonte,180,4,3,4,9,acept,not furnished,2477,4550,409,61,7497 +São Paulo,58,2,2,1,2,acept,not furnished,940,1383,94,16,2433 +Belo Horizonte,600,5,3,6,-,acept,not furnished,0,15000,1667,246,16910 +Porto Alegre,59,2,2,1,2,not acept,not furnished,470,1250,56,19,1795 +São Paulo,280,3,5,2,-,acept,not furnished,0,7000,625,106,7731 +Porto Alegre,275,5,2,4,-,acept,not furnished,0,3200,250,57,3507 +Porto Alegre,58,2,1,2,8,acept,furnished,500,2100,45,31,2676 +São Paulo,170,3,2,2,4,acept,furnished,1970,9000,900,115,11990 +São Paulo,16,1,1,0,1,not acept,not furnished,0,850,9,11,870 +Rio de Janeiro,192,3,2,1,-,acept,not furnished,0,4500,350,69,4919 +São Paulo,196,2,3,3,8,acept,not furnished,3210,5500,73,70,8853 +São Paulo,45,1,1,1,3,not acept,furnished,800,4000,84,51,4935 +São Paulo,40,1,1,0,3,acept,not furnished,300,1100,0,14,1414 +São Paulo,289,3,3,2,6,not acept,not furnished,2850,15000,777,191,18820 +Campinas,73,3,2,2,6,not acept,not furnished,812,1500,204,20,2536 +São Paulo,65,3,1,1,6,acept,furnished,550,1900,20,25,2495 +São Paulo,25,1,1,0,3,not acept,not furnished,327,1178,27,15,1547 +São Paulo,68,1,1,1,12,acept,furnished,4240,6000,584,77,10900 +São Paulo,512,4,6,5,8,acept,furnished,7774,3500,2817,45,14140 +São Paulo,100,3,3,2,7,acept,furnished,1058,3310,379,42,4789 +São Paulo,41,1,1,1,3,acept,furnished,534,2800,133,36,3503 +Rio de Janeiro,80,3,2,0,7,acept,not furnished,950,2720,192,36,3898 +São Paulo,53,1,1,0,3,not acept,not furnished,170,1680,68,22,1940 +Belo Horizonte,52,2,1,1,5,acept,furnished,253,1375,66,19,1713 +Belo Horizonte,130,3,2,2,4,acept,not furnished,930,2200,260,30,3420 +São Paulo,87,3,2,0,14,not acept,furnished,1078,3500,0,45,4623 +Campinas,55,2,1,1,3,acept,not furnished,344,950,20,13,1327 +Porto Alegre,68,1,1,1,1,not acept,furnished,445,1300,70,19,1834 +São Paulo,230,3,4,4,12,not acept,not furnished,2200,6500,750,83,9533 +Porto Alegre,75,3,2,1,5,acept,not furnished,441,1510,90,23,2064 +São Paulo,50,2,1,0,2,not acept,not furnished,1000,1000,45,13,2058 +São Paulo,465,4,4,4,3,acept,not furnished,4500,6500,1167,83,12250 +Campinas,346,5,5,2,-,acept,not furnished,0,3800,407,58,4265 +Campinas,113,3,3,2,4,acept,not furnished,1000,3804,0,49,4853 +Rio de Janeiro,75,1,2,1,3,acept,not furnished,1600,4300,209,56,6165 +São Paulo,125,3,3,2,2,acept,not furnished,2250,3250,500,42,6042 +São Paulo,35,1,1,0,1,not acept,not furnished,0,1230,0,16,1246 +São Paulo,34,1,1,0,9,acept,not furnished,310,4600,55,59,5024 +São Paulo,200,5,2,3,-,acept,not furnished,0,4800,300,73,5173 +São Paulo,215,4,4,3,6,acept,not furnished,3800,3400,1084,44,8328 +São Paulo,92,3,2,2,7,acept,not furnished,880,3100,253,40,4273 +Belo Horizonte,70,3,2,1,2,acept,not furnished,500,1250,86,17,1853 +São Paulo,61,2,1,0,1,not acept,not furnished,230,1220,25,16,1491 +São Paulo,37,1,1,0,6,acept,not furnished,555,1100,37,14,1706 +Rio de Janeiro,30,1,1,0,8,acept,not furnished,0,2600,21,19,2640 +Belo Horizonte,65,3,1,1,2,acept,not furnished,220,850,59,12,1141 +Porto Alegre,40,1,1,0,2,acept,furnished,0,1630,4,24,1658 +Porto Alegre,52,2,1,1,1,not acept,not furnished,205,750,18,11,984 +São Paulo,39,1,1,1,15,acept,furnished,356,2200,60,28,2644 +São Paulo,350,3,3,8,-,acept,not furnished,0,9240,1042,139,10420 +Rio de Janeiro,70,2,1,0,10,not acept,furnished,800,2900,200,38,3938 +Campinas,140,3,3,2,8,acept,not furnished,1100,2330,198,30,3658 +São Paulo,70,2,1,0,-,acept,not furnished,0,999,42,16,1057 +Belo Horizonte,60,1,2,1,7,acept,not furnished,2200,2200,0,30,4430 +São Paulo,100,3,1,0,6,acept,furnished,805,3900,120,50,4875 +Porto Alegre,53,2,1,0,3,acept,not furnished,234,1560,0,23,1817 +São Paulo,170,2,3,3,6,not acept,furnished,2500,5950,417,76,8943 +Porto Alegre,270,3,2,2,-,acept,not furnished,0,2350,213,42,2605 +São Paulo,68,2,2,1,14,acept,not furnished,600,4900,167,63,5730 +São Paulo,58,2,2,2,10,acept,not furnished,770,1450,70,19,2309 +Campinas,73,3,2,1,9,acept,not furnished,635,1600,100,21,2356 +São Paulo,20,1,1,0,3,acept,furnished,602,1800,130,23,2555 +Porto Alegre,60,2,1,1,2,acept,not furnished,310,950,0,14,1274 +São Paulo,65,3,2,0,2,acept,furnished,1000,3200,245,41,4486 +Belo Horizonte,32,1,1,0,-,not acept,furnished,550,1300,0,18,1868 +Rio de Janeiro,80,2,2,0,8,acept,furnished,650,1700,100,22,2472 +Porto Alegre,50,1,1,0,1,acept,not furnished,0,650,80,10,740 +São Paulo,65,2,2,1,3,acept,not furnished,650,2800,209,36,3695 +Porto Alegre,129,2,2,2,9,acept,furnished,1200,6800,209,100,8309 +São Paulo,145,2,2,1,3,acept,furnished,670,4300,72,55,5097 +Campinas,48,1,1,1,6,not acept,not furnished,565,736,0,10,1311 +São Paulo,38,1,1,1,12,acept,furnished,580,2000,100,26,2706 +Belo Horizonte,520,5,5,2,15,not acept,not furnished,1870,15000,780,200,17850 +Belo Horizonte,184,3,3,1,2,acept,not furnished,400,1200,132,16,1748 +São Paulo,130,2,3,2,4,not acept,not furnished,1600,4000,417,51,6068 +Rio de Janeiro,26,1,1,0,10,acept,not furnished,963,1500,58,20,2541 +São Paulo,350,7,4,2,-,not acept,not furnished,0,8000,1250,121,9371 +Porto Alegre,38,1,1,0,15,acept,not furnished,210,1300,38,19,1567 +Porto Alegre,194,2,3,0,3,acept,not furnished,700,3310,333,49,4392 +São Paulo,160,3,3,2,1,acept,furnished,1990,12650,360,161,15160 +Belo Horizonte,32,1,1,1,9,acept,not furnished,197,1500,132,20,1849 +Rio de Janeiro,175,4,1,0,-,acept,not furnished,0,2146,197,33,2376 +São Paulo,26,1,1,1,9,acept,furnished,1570,1700,223,22,3515 +Campinas,66,2,1,1,-,acept,furnished,340,1050,47,14,1451 +São Paulo,83,3,2,1,9,not acept,furnished,805,3300,80,42,4227 +São Paulo,50,1,1,0,3,acept,not furnished,360,2800,0,36,3196 +São Paulo,400,3,6,3,-,acept,not furnished,0,4780,817,72,5669 +São Paulo,30,1,1,1,3,acept,furnished,700,3300,9,42,4051 +São Paulo,92,3,2,1,3,acept,not furnished,1500,2000,195,26,3721 +Belo Horizonte,156,7,2,1,3,acept,not furnished,350,2200,187,30,2767 +São Paulo,150,3,4,3,4,acept,not furnished,2080,1980,648,26,4734 +Rio de Janeiro,25,1,1,0,4,acept,not furnished,50,550,0,8,608 +Rio de Janeiro,60,2,1,1,14,acept,not furnished,742,1450,236,19,2447 +São Paulo,40,1,1,1,3,not acept,furnished,600,2300,34,30,2964 +São Paulo,180,4,4,2,2,acept,not furnished,2600,2000,584,26,5210 +São Paulo,230,3,2,3,-,not acept,not furnished,0,4500,367,68,4935 +São Paulo,70,2,2,0,6,acept,not furnished,900,1850,50,24,2824 +São Paulo,70,1,2,1,-,acept,not furnished,0,1500,125,23,1648 +São Paulo,380,4,4,2,-,acept,not furnished,0,5500,1000,83,6583 +Porto Alegre,80,2,2,2,21,acept,not furnished,1380,3670,163,54,5267 +Campinas,66,2,2,1,2,not acept,furnished,536,2270,76,29,2911 +São Paulo,86,2,1,1,5,acept,not furnished,995,2500,0,32,3527 +Porto Alegre,80,3,2,1,2,acept,not furnished,200,1739,25,26,1990 +Porto Alegre,84,3,2,1,1,acept,not furnished,750,1600,109,24,2483 +São Paulo,262,3,5,3,4,acept,not furnished,2130,5525,1000,71,8726 +Belo Horizonte,90,3,1,1,1,acept,not furnished,277,1430,99,20,1826 +Belo Horizonte,160,3,3,3,-,not acept,not furnished,0,4500,350,74,4924 +São Paulo,58,2,2,1,14,acept,not furnished,480,2100,88,27,2695 +São Paulo,165,3,3,2,3,acept,furnished,1663,6000,502,77,8242 +São Paulo,48,1,1,0,5,acept,not furnished,650,1490,0,19,2159 +São Paulo,112,3,2,3,-,acept,not furnished,0,3300,32,50,3382 +São Paulo,110,3,2,2,11,acept,not furnished,1179,3500,205,45,4929 +Belo Horizonte,72,2,2,2,14,acept,not furnished,568,5300,375,71,6314 +Rio de Janeiro,65,1,1,0,-,acept,not furnished,300,1800,30,24,2154 +Belo Horizonte,150,3,1,1,4,acept,not furnished,250,780,0,11,1041 +São Paulo,65,3,2,1,15,not acept,not furnished,500,1900,29,25,2454 +Porto Alegre,90,3,1,1,3,acept,not furnished,350,1550,0,23,1923 +Porto Alegre,66,2,2,0,4,acept,not furnished,250,1600,0,24,1874 +São Paulo,117,2,3,3,15,acept,not furnished,1500,9000,560,115,11180 +Rio de Janeiro,80,3,2,0,1,not acept,not furnished,978,2870,180,37,4065 +Rio de Janeiro,64,2,1,0,3,acept,not furnished,210,900,38,12,1160 +São Paulo,64,1,1,0,9,acept,not furnished,500,1750,0,23,2273 +São Paulo,55,1,1,0,-,acept,not furnished,0,1650,0,25,1675 +Porto Alegre,70,2,1,1,11,acept,not furnished,400,1350,28,20,1798 +São Paulo,74,2,3,2,26,acept,not furnished,450,3200,40,41,3731 +São Paulo,126,3,4,1,3,acept,not furnished,1980,4000,309,51,6340 +São Paulo,480,4,5,3,-,acept,not furnished,0,15000,742,226,15970 +Belo Horizonte,97,3,3,1,1,not acept,not furnished,320,1300,109,18,1747 +Porto Alegre,76,2,2,1,3,acept,not furnished,250,2200,70,33,2553 +Rio de Janeiro,102,3,1,1,5,acept,not furnished,1897,1500,137,20,3554 +Belo Horizonte,200,4,3,2,-,acept,not furnished,0,5700,236,94,6030 +São Paulo,38,1,1,0,-,acept,furnished,150,1900,5,25,2080 +São Paulo,400,4,5,3,3,acept,furnished,4670,6000,1195,77,11940 +São Paulo,200,3,1,2,-,acept,not furnished,0,3000,0,46,3046 +Belo Horizonte,80,3,2,0,5,not acept,not furnished,280,1500,112,20,1912 +Campinas,80,3,1,4,-,acept,not furnished,0,5500,0,83,5583 +Belo Horizonte,200,4,3,2,-,acept,not furnished,0,14500,403,238,15140 +São Paulo,36,1,1,0,8,not acept,not furnished,284,1650,0,21,1955 +São Paulo,151,3,3,3,1,acept,furnished,1800,3950,750,51,6551 +São Paulo,49,2,2,1,5,acept,not furnished,432,2400,55,31,2918 +São Paulo,51,1,1,0,9,acept,not furnished,367,1700,84,22,2173 +Porto Alegre,80,3,2,1,6,not acept,not furnished,557,2700,84,40,3381 +Campinas,55,2,1,1,1,acept,not furnished,422,870,90,12,1394 +São Paulo,110,2,2,1,1,acept,not furnished,550,2700,121,35,3406 +Belo Horizonte,30,1,1,1,2,not acept,furnished,0,860,0,12,872 +Campinas,60,2,1,1,3,acept,not furnished,200,1100,84,14,1398 +São Paulo,830,2,2,2,-,acept,not furnished,0,2001,159,31,2191 +São Paulo,140,3,2,2,23,not acept,furnished,900,5000,142,64,6106 +Belo Horizonte,70,3,1,1,1,not acept,not furnished,190,1150,0,16,1356 +São Paulo,140,3,2,0,2,acept,not furnished,2450,7000,542,89,10080 +Rio de Janeiro,90,2,2,0,13,not acept,furnished,1002,6000,70,78,7150 +Rio de Janeiro,85,3,2,1,8,acept,not furnished,770,2300,115,30,3215 +Rio de Janeiro,150,3,3,1,1,not acept,not furnished,2400,4000,334,52,6786 +Rio de Janeiro,70,2,1,0,2,not acept,not furnished,150,950,30,13,1143 +São Paulo,205,3,3,4,8,acept,furnished,2700,8500,788,108,12100 +Belo Horizonte,167,4,3,3,4,not acept,not furnished,500,5140,167,69,5876 +Porto Alegre,47,1,1,1,1,not acept,furnished,400,2200,0,33,2633 +Porto Alegre,63,2,2,1,13,acept,not furnished,480,2000,56,30,2566 +Rio de Janeiro,18,1,1,0,14,not acept,not furnished,521,1040,95,14,1670 +Rio de Janeiro,187,2,3,3,14,acept,not furnished,1600,3100,292,40,5032 +São Paulo,79,3,2,2,3,acept,not furnished,995,2200,146,28,3369 +Porto Alegre,44,1,1,0,5,acept,not furnished,350,769,35,12,1166 +São Paulo,90,2,3,1,2,acept,not furnished,574,2100,0,27,2701 +São Paulo,220,4,2,1,2,not acept,not furnished,1340,6000,17,77,7434 +Campinas,100,2,1,0,16,acept,not furnished,550,900,61,12,1523 +São Paulo,120,3,4,3,4,acept,not furnished,1300,4440,289,57,6086 +Belo Horizonte,180,4,3,3,10,acept,not furnished,2397,4500,520,60,7477 +Rio de Janeiro,253,4,3,1,5,acept,not furnished,2000,3000,600,39,5639 +São Paulo,50,2,1,0,-,not acept,not furnished,0,900,50,14,964 +Belo Horizonte,120,2,3,1,4,acept,not furnished,350,1800,0,24,2174 +São Paulo,220,4,2,2,3,not acept,not furnished,2560,8000,650,102,11310 +São Paulo,140,2,1,0,13,acept,not furnished,900,2200,0,28,3128 +Rio de Janeiro,180,4,2,2,3,not acept,not furnished,2043,7500,409,97,10050 +São Paulo,170,3,5,3,7,not acept,not furnished,2091,4500,951,19,7561 +São Paulo,250,5,3,6,-,acept,not furnished,0,15000,2704,226,17930 +Rio de Janeiro,70,1,2,1,3,acept,not furnished,1200,2200,149,29,3578 +Rio de Janeiro,60,1,1,0,1,acept,not furnished,350,1000,0,13,1363 +São Paulo,380,4,2,6,-,acept,not furnished,0,9800,525,148,10470 +São Paulo,32,1,1,1,3,not acept,furnished,480,2150,0,28,2658 +Porto Alegre,116,3,2,2,4,acept,not furnished,670,3400,200,50,4320 +Rio de Janeiro,19,1,1,0,3,acept,not furnished,310,500,45,7,862 +Campinas,140,3,2,1,5,acept,not furnished,980,2000,221,26,3227 +São Paulo,500,4,3,5,-,not acept,furnished,0,12000,84,181,12270 +Porto Alegre,80,2,1,0,-,acept,not furnished,0,950,0,17,967 +Rio de Janeiro,64,2,1,0,-,not acept,not furnished,0,1700,78,26,1804 +São Paulo,20,1,1,0,-,acept,furnished,0,2060,0,27,2087 +São Paulo,237,4,4,4,4,acept,not furnished,3100,4990,1031,64,9185 +São Paulo,190,4,4,3,17,acept,not furnished,2263,6000,899,77,9239 +Rio de Janeiro,28,1,1,0,2,acept,not furnished,200,1600,0,21,1821 +Campinas,46,2,1,1,3,not acept,not furnished,250,1100,53,5,1408 +Porto Alegre,120,3,2,2,2,not acept,not furnished,600,2000,121,30,2751 +São Paulo,76,2,1,1,-,acept,not furnished,0,2000,45,31,2076 +São Paulo,142,3,2,1,14,acept,not furnished,1950,8500,194,108,10750 +Rio de Janeiro,296,3,2,1,12,acept,not furnished,1400,13500,848,174,15920 +Belo Horizonte,365,4,6,6,-,acept,not furnished,490,13000,459,214,14160 +Rio de Janeiro,125,4,2,2,2,not acept,not furnished,1676,4500,40,58,6274 +Campinas,55,2,1,1,2,acept,not furnished,450,1550,83,20,2103 +São Paulo,400,6,4,3,-,acept,not furnished,0,3999,2250,61,6310 +São Paulo,50,1,1,0,-,acept,furnished,464,1190,114,18,1786 +São Paulo,36,1,1,0,6,acept,not furnished,423,2680,47,34,3184 +Porto Alegre,48,1,1,1,12,acept,furnished,950,2500,0,37,3487 +Porto Alegre,38,1,1,0,6,acept,furnished,530,850,34,13,1427 +Porto Alegre,94,1,1,1,2,acept,not furnished,700,4800,250,71,5821 +São Paulo,49,2,1,1,10,not acept,not furnished,513,1890,0,24,2427 +Rio de Janeiro,60,2,1,1,2,acept,not furnished,300,1300,53,17,1670 +Campinas,70,2,3,1,7,acept,not furnished,1196,2004,0,26,3226 +São Paulo,75,3,2,1,16,acept,not furnished,670,1539,0,20,2229 +São Paulo,54,1,1,0,8,acept,furnished,500,3949,0,51,4500 +São Paulo,50,1,1,0,11,acept,furnished,370,3398,177,44,3989 +Rio de Janeiro,81,2,3,2,7,not acept,furnished,1010,5500,1800,71,8381 +São Paulo,750,4,6,2,-,acept,not furnished,0,15000,2041,226,17270 +São Paulo,20,1,1,0,4,acept,furnished,602,1800,130,23,2555 +São Paulo,100,2,3,2,9,acept,not furnished,0,12960,0,165,13130 +São Paulo,49,1,1,1,1,not acept,not furnished,545,1200,0,16,1761 +São Paulo,20,1,1,0,1,not acept,not furnished,0,1000,84,13,1097 +Rio de Janeiro,80,2,1,0,3,acept,not furnished,871,600,94,8,1573 +Rio de Janeiro,156,3,2,3,9,acept,not furnished,1200,2200,167,29,3596 +São Paulo,287,3,3,4,-,acept,not furnished,900,4477,900,68,6345 +Belo Horizonte,130,4,4,3,16,not acept,not furnished,1778,5200,529,70,7577 +Porto Alegre,302,4,4,3,2,acept,not furnished,2100,8973,750,132,11960 +São Paulo,35,1,1,0,5,not acept,not furnished,400,1740,50,23,2213 +São Paulo,90,2,1,0,1,acept,not furnished,255,1990,0,26,2271 +São Paulo,81,2,1,1,4,not acept,not furnished,1121,3910,340,50,5421 +Rio de Janeiro,40,2,1,0,2,acept,not furnished,480,1417,84,18,1999 +São Paulo,60,2,1,1,4,acept,not furnished,750,1841,77,7,2675 +Rio de Janeiro,25,1,1,0,11,not acept,furnished,350,2928,34,38,3350 +São Paulo,700,5,7,5,-,acept,not furnished,0,15000,2240,226,17470 +São Paulo,237,3,5,3,8,acept,furnished,2200,5500,917,70,8687 +São Paulo,162,2,2,1,13,acept,not furnished,1804,5000,545,64,7413 +São Paulo,190,4,3,2,-,not acept,furnished,0,8311,415,125,8851 +Campinas,46,1,1,0,5,acept,furnished,1300,1950,0,25,3275 +São Paulo,172,3,4,3,1,acept,not furnished,1596,8000,820,102,10520 +São Paulo,236,4,5,5,5,acept,not furnished,2827,5000,1261,64,9152 +São Paulo,100,3,1,2,-,not acept,not furnished,0,1600,84,25,1709 +Belo Horizonte,80,1,1,0,11,acept,not furnished,350,1000,0,14,1364 +São Paulo,335,3,4,4,-,acept,furnished,0,6200,650,94,6944 +São Paulo,190,3,2,1,-,acept,not furnished,0,4100,84,62,4246 +Rio de Janeiro,207,4,3,1,5,acept,not furnished,1500,4240,542,55,6337 +Porto Alegre,72,2,2,1,3,acept,furnished,300,2000,109,30,2439 +Porto Alegre,102,3,2,1,9,acept,furnished,1050,4000,125,59,5234 +São Paulo,50,1,1,0,-,not acept,not furnished,0,880,17,14,911 +São Paulo,150,3,4,0,4,acept,not furnished,1200,5900,475,75,7650 +Belo Horizonte,220,4,3,2,2,acept,not furnished,1200,3500,271,47,5018 +São Paulo,150,3,3,1,9,acept,not furnished,1700,13000,305,165,15170 +Rio de Janeiro,110,3,2,1,2,acept,not furnished,800,2100,155,28,3083 +São Paulo,300,4,4,4,19,acept,furnished,2800,9000,1667,115,13580 +Porto Alegre,29,1,1,0,2,acept,not furnished,148,1380,15,21,1564 +São Paulo,40,1,1,0,5,acept,not furnished,578,2300,0,30,2908 +São Paulo,500,4,5,3,-,not acept,furnished,550,13500,3334,172,17560 +São Paulo,45,1,1,1,2,acept,not furnished,565,2300,0,30,2895 +Rio de Janeiro,75,2,2,1,8,acept,not furnished,684,1800,84,24,2592 +São Paulo,80,2,2,1,9,acept,furnished,767,3200,213,41,4221 +Porto Alegre,65,2,1,0,5,acept,not furnished,550,850,34,13,1447 +São Paulo,400,5,5,4,-,acept,furnished,3200,6141,817,93,10250 +São Paulo,49,1,1,2,8,acept,furnished,2000,8000,217,102,10320 +São Paulo,70,2,1,0,12,acept,furnished,715,2100,114,27,2956 +São Paulo,130,4,2,6,-,acept,not furnished,0,6100,512,92,6704 +São Paulo,146,3,4,3,4,acept,not furnished,2100,6000,584,77,8761 +Porto Alegre,64,2,1,0,7,acept,furnished,650,2000,57,30,2737 +São Paulo,63,3,2,1,8,acept,not furnished,440,3300,10,42,3792 +Belo Horizonte,46,2,1,1,2,acept,not furnished,300,850,62,12,1224 +São Paulo,90,2,1,0,-,acept,not furnished,0,1199,42,19,1260 +São Paulo,573,4,5,7,-,acept,furnished,0,14000,1974,211,16190 +São Paulo,38,1,1,0,6,acept,not furnished,0,1680,0,22,1702 +Belo Horizonte,70,2,1,1,4,acept,furnished,600,1500,125,20,2245 +Belo Horizonte,23,1,1,0,2,not acept,not furnished,210,950,50,13,1223 +São Paulo,84,2,2,1,-,acept,not furnished,0,2000,109,31,2140 +Rio de Janeiro,40,1,1,1,11,not acept,furnished,575,2500,128,33,3236 +São Paulo,1600,4,5,12,-,acept,not furnished,1,6900,5000,104,12010 +Belo Horizonte,200,5,3,2,-,acept,not furnished,0,2300,170,38,2508 +São Paulo,100,3,2,0,-,acept,not furnished,0,3000,172,46,3218 +Porto Alegre,69,2,2,0,3,acept,not furnished,334,1500,40,22,1896 +São Paulo,92,3,2,2,4,acept,not furnished,0,2800,179,36,3015 +São Paulo,120,3,2,4,8,acept,not furnished,1365,4500,398,58,6321 +Belo Horizonte,90,3,2,2,7,not acept,not furnished,1080,2500,348,34,3962 +São Paulo,53,2,1,1,8,acept,furnished,720,3250,67,42,4079 +São Paulo,300,3,3,4,-,acept,not furnished,1,3700,950,56,4707 +São Paulo,65,2,2,2,21,acept,not furnished,650,3200,234,41,4125 +Belo Horizonte,269,4,3,2,-,acept,not furnished,0,4900,357,81,5338 +Campinas,130,3,2,1,7,acept,not furnished,1000,2500,100,32,3632 +São Paulo,248,3,4,4,9,acept,not furnished,4094,5500,146,70,9810 +Belo Horizonte,45,1,1,1,6,not acept,not furnished,251,1300,101,18,1670 +São Paulo,130,3,1,2,-,acept,not furnished,0,3800,130,58,3988 +Porto Alegre,75,2,1,0,10,acept,not furnished,600,1100,60,17,1777 +Rio de Janeiro,250,2,4,8,-,acept,not furnished,0,4500,325,69,4894 +São Paulo,35,1,1,1,7,acept,furnished,715,2370,0,31,3116 +Rio de Janeiro,130,3,3,1,13,acept,not furnished,1510,2700,260,35,4505 +São Paulo,30,1,1,0,6,acept,furnished,450,1700,0,22,2172 +São Paulo,200,3,4,3,8,acept,not furnished,1700,6800,667,87,9254 +São Paulo,40,1,1,0,1,acept,not furnished,0,900,155,12,1067 +Rio de Janeiro,113,3,1,0,3,acept,furnished,1500,4000,385,52,5937 +Rio de Janeiro,100,2,2,2,4,acept,not furnished,1439,5500,233,71,7243 +São Paulo,52,2,1,1,9,acept,not furnished,480,1150,55,15,1700 +São Paulo,34,1,1,1,4,not acept,not furnished,475,2200,77,28,2780 +São Paulo,73,3,2,3,2,acept,not furnished,1100,1250,155,16,2521 +Belo Horizonte,210,4,5,3,4,acept,not furnished,1635,5200,606,70,7511 +Campinas,219,4,5,2,4,acept,furnished,1954,3800,472,49,6275 +Belo Horizonte,70,3,2,1,4,acept,not furnished,370,1600,113,22,2105 +Porto Alegre,65,1,2,2,3,acept,not furnished,500,2500,0,37,3037 +São Paulo,52,1,1,0,3,not acept,furnished,218,2585,0,10,2813 +Campinas,80,2,1,1,6,not acept,not furnished,498,1000,75,13,1586 +Rio de Janeiro,74,2,1,1,10,acept,not furnished,701,1768,34,23,2526 +São Paulo,35,1,1,1,11,acept,not furnished,470,2500,22,32,3024 +Campinas,70,1,1,2,-,acept,not furnished,0,1450,5,22,1477 +Porto Alegre,193,4,3,4,-,acept,furnished,0,4000,125,72,4197 +São Paulo,50,1,1,0,-,acept,not furnished,0,700,45,11,756 +Rio de Janeiro,55,2,2,1,5,not acept,not furnished,720,850,58,11,1639 +Campinas,44,1,1,0,8,acept,furnished,310,770,12,10,1102 +São Paulo,68,2,1,1,9,acept,not furnished,706,1700,0,22,2428 +Belo Horizonte,300,3,2,1,2,acept,not furnished,600,2300,267,31,3198 +Belo Horizonte,70,1,1,0,-,acept,not furnished,0,800,153,14,967 +São Paulo,300,4,4,2,-,acept,not furnished,0,8500,267,128,8895 +Belo Horizonte,203,4,3,3,11,not acept,not furnished,2500,6400,971,86,9957 +São Paulo,45,2,2,0,-,not acept,not furnished,0,1650,84,25,1759 +São Paulo,240,3,4,3,8,acept,not furnished,2900,7000,1225,89,11210 +Porto Alegre,100,2,3,2,3,acept,furnished,350,2600,100,38,3088 +Porto Alegre,137,3,2,3,5,acept,not furnished,500,2800,150,41,3491 +São Paulo,61,2,2,1,1,acept,not furnished,885,2000,130,26,3041 +Porto Alegre,60,2,2,1,4,acept,not furnished,375,1500,0,22,1897 +São Paulo,13,1,1,0,1,acept,not furnished,0,2200,5,28,2233 +São Paulo,98,2,2,0,21,acept,furnished,1552,9000,375,115,11040 +São Paulo,138,2,3,2,22,acept,not furnished,1500,9800,545,125,11970 +Belo Horizonte,80,2,2,2,19,not acept,not furnished,950,4500,501,60,6011 +Belo Horizonte,30,1,1,0,2,acept,not furnished,0,525,25,7,557 +São Paulo,63,2,2,2,10,not acept,furnished,783,2000,24,26,2833 +Belo Horizonte,95,2,3,2,4,not acept,not furnished,1389,4500,415,60,6364 +São Paulo,54,2,1,1,5,acept,furnished,600,1100,192,14,1906 +São Paulo,35,1,1,1,24,acept,furnished,540,2100,140,27,2807 +Porto Alegre,44,1,1,0,2,acept,furnished,316,1163,49,17,1545 +Rio de Janeiro,140,2,3,2,7,acept,not furnished,2400,6500,667,84,9651 +São Paulo,70,2,1,0,-,acept,not furnished,0,1700,255,26,1981 +Belo Horizonte,162,3,3,2,3,acept,not furnished,380,2800,125,38,3343 +São Paulo,420,4,4,4,19,acept,not furnished,4900,11050,3700,141,19790 +Belo Horizonte,147,4,5,3,3,acept,not furnished,1200,2975,293,40,4508 +Campinas,80,1,1,1,7,acept,not furnished,550,2800,100,36,3486 +Rio de Janeiro,89,2,2,2,4,acept,furnished,1744,3900,266,51,5961 +São Paulo,163,3,3,3,8,acept,furnished,1532,2550,417,33,4532 +São Paulo,42,1,1,1,5,acept,not furnished,330,2100,107,27,2564 +São Paulo,330,4,5,2,4,acept,not furnished,4400,12500,1334,159,18390 +São Paulo,70,1,1,1,2,acept,not furnished,300,1200,157,16,1673 +Rio de Janeiro,104,3,2,1,6,acept,not furnished,1077,2500,134,33,3744 +Rio de Janeiro,43,1,1,0,7,acept,not furnished,1,1400,75,19,1495 +São Paulo,67,2,1,1,2,acept,furnished,814,1300,91,17,2222 +São Paulo,450,4,5,6,4,acept,not furnished,6600,9900,2600,126,19230 +São Paulo,28,1,1,1,5,acept,not furnished,500,1580,0,21,2101 +São Paulo,46,1,1,1,12,not acept,furnished,1445,5000,298,64,6807 +São Paulo,34,1,1,1,7,acept,furnished,510,3800,0,49,4359 +São Paulo,33,1,1,1,11,not acept,furnished,1680,2500,158,32,4370 +Belo Horizonte,70,3,1,0,3,not acept,not furnished,275,1200,104,16,1595 +São Paulo,90,3,1,1,2,not acept,not furnished,600,2400,0,31,3031 +São Paulo,75,3,3,2,10,acept,not furnished,865,2000,192,26,3083 +Belo Horizonte,150,6,5,8,-,acept,not furnished,0,8000,625,132,8757 +São Paulo,300,3,3,3,-,acept,not furnished,0,3500,250,53,3803 +Porto Alegre,70,2,2,2,3,not acept,not furnished,700,1900,67,28,2695 +Rio de Janeiro,320,3,4,1,11,not acept,not furnished,2200,5800,292,75,8367 +Belo Horizonte,800,4,5,0,-,acept,not furnished,0,4275,200,71,4546 +São Paulo,400,4,7,4,-,acept,furnished,0,12000,667,181,12850 +São Paulo,288,3,3,3,8,acept,not furnished,3032,3325,1295,43,7695 +Rio de Janeiro,90,2,2,1,3,acept,not furnished,600,1200,17,16,1833 +São Paulo,209,4,4,3,7,not acept,not furnished,4300,3900,1084,50,9334 +São Paulo,55,2,1,1,6,acept,not furnished,653,2100,11,27,2791 +São Paulo,280,4,4,7,-,acept,furnished,890,4000,278,61,5229 +São Paulo,190,4,4,4,14,acept,not furnished,2000,8000,1326,102,11430 +São Paulo,20,1,1,0,3,acept,furnished,602,1800,130,23,2555 +São Paulo,294,3,6,3,-,acept,not furnished,0,2400,512,37,2949 +São Paulo,40,1,1,0,-,not acept,not furnished,0,780,17,12,809 +São Paulo,60,2,1,1,3,acept,furnished,600,2230,19,29,2878 +São Paulo,400,4,3,2,-,acept,not furnished,0,3390,400,43,3833 +São Paulo,350,5,4,8,-,not acept,not furnished,0,9000,762,136,9898 +Belo Horizonte,68,3,2,1,2,acept,not furnished,150,900,76,12,1138 +Porto Alegre,40,1,1,1,-,acept,not furnished,0,960,15,18,993 +São Paulo,220,3,4,3,1,acept,not furnished,2750,5800,1040,74,9664 +São Paulo,200,3,3,3,-,acept,not furnished,0,7000,737,106,7843 +Campinas,65,2,1,1,7,acept,not furnished,550,1100,100,14,1764 +São Paulo,225,4,3,2,-,acept,furnished,0,4400,290,67,4757 +São Paulo,55,1,1,1,4,not acept,furnished,812,3200,0,41,4053 +São Paulo,100,2,2,1,-,acept,not furnished,0,2800,125,43,2968 +São Paulo,116,4,3,2,8,acept,not furnished,1040,2400,330,31,3801 +Rio de Janeiro,59,2,1,0,7,not acept,furnished,1400,5000,244,65,6709 +São Paulo,380,3,2,3,5,acept,not furnished,3200,15000,917,191,19310 +São Paulo,175,4,3,3,3,acept,furnished,1750,13000,850,165,15770 +São Paulo,37,1,1,1,11,acept,furnished,800,2800,0,36,3636 +São Paulo,34,1,1,1,2,not acept,not furnished,490,1750,77,23,2340 +Rio de Janeiro,58,1,1,1,11,acept,not furnished,650,1050,56,14,1770 +São Paulo,72,3,1,1,2,acept,not furnished,461,1600,0,21,2082 +Belo Horizonte,135,4,2,2,2,acept,not furnished,950,3800,294,51,5095 +Rio de Janeiro,164,4,3,2,5,acept,not furnished,1500,5000,412,65,6977 +São Paulo,190,3,3,2,-,acept,not furnished,0,6800,392,103,7295 +Rio de Janeiro,110,3,1,0,7,acept,furnished,950,2530,167,33,3680 +São Paulo,80,2,2,2,-,acept,furnished,1000,5500,0,70,6570 +Rio de Janeiro,90,3,2,1,5,acept,not furnished,973,1500,30,20,2523 +Porto Alegre,54,2,1,1,2,acept,not furnished,150,900,100,14,1164 +Rio de Janeiro,100,3,2,1,6,acept,not furnished,1300,3800,180,49,5329 +Porto Alegre,37,1,1,0,1,acept,not furnished,270,650,23,10,953 +São Paulo,51,1,2,1,3,not acept,furnished,1062,2100,27,27,3216 +Campinas,62,2,1,1,-,acept,not furnished,370,1100,12,14,1496 +São Paulo,70,2,2,2,7,not acept,furnished,1726,3950,341,51,6068 +Rio de Janeiro,63,2,1,0,4,acept,not furnished,600,1110,0,15,1725 +São Paulo,127,3,2,1,10,acept,not furnished,1393,6156,172,78,7799 +São Paulo,230,4,3,2,2,acept,not furnished,3200,10000,917,127,14240 +Campinas,102,3,3,1,9,acept,not furnished,1100,1500,105,20,2725 +São Paulo,65,2,2,1,11,acept,furnished,564,1679,0,22,2265 +Rio de Janeiro,67,2,1,0,2,acept,not furnished,590,1500,57,20,2167 +Porto Alegre,56,1,1,0,2,acept,not furnished,300,700,34,11,1045 +São Paulo,172,3,3,2,14,acept,furnished,2100,7000,834,89,10020 +Porto Alegre,60,2,1,1,-,acept,not furnished,0,540,0,10,550 +São Paulo,80,2,2,1,8,not acept,furnished,1000,4500,250,58,5808 +Campinas,156,4,5,3,3,not acept,not furnished,1950,935,200,12,3097 +Campinas,70,1,1,1,11,not acept,not furnished,365,1200,40,16,1621 +Rio de Janeiro,125,3,2,0,4,acept,not furnished,950,5500,243,71,6764 +Belo Horizonte,90,2,2,2,14,not acept,not furnished,950,2600,304,35,3889 +São Paulo,50,2,1,0,-,not acept,not furnished,0,1100,80,17,1197 +Rio de Janeiro,260,4,3,1,11,acept,furnished,2585,5500,1052,71,9208 +São Paulo,249,4,2,2,-,acept,not furnished,0,4300,57,65,4422 +São Paulo,179,3,5,0,11,acept,furnished,2000,14500,975,184,17660 +São Paulo,16,1,1,0,8,not acept,not furnished,320,2200,0,28,2548 +Belo Horizonte,350,7,5,5,-,acept,not furnished,0,9000,0,148,9148 +Rio de Janeiro,28,1,1,0,21,acept,not furnished,400,2285,75,30,2790 +São Paulo,102,3,2,2,1,acept,not furnished,1300,1900,340,25,3565 +São Paulo,31,1,1,0,6,acept,not furnished,200,2614,84,34,2932 +São Paulo,480,4,6,3,-,acept,not furnished,0,10000,500,151,10650 +São Paulo,290,4,4,4,1,acept,not furnished,4900,1000,1659,13,7572 +São Paulo,35,1,1,1,12,not acept,furnished,1170,2200,242,28,3640 +São Paulo,24,1,1,0,2,not acept,not furnished,500,1420,0,18,1938 +Porto Alegre,70,2,1,1,2,acept,furnished,100,1360,100,20,1580 +Rio de Janeiro,55,2,1,1,9,not acept,not furnished,800,1500,39,20,2359 +Belo Horizonte,120,3,1,1,2,acept,not furnished,900,3000,183,40,4123 +São Paulo,160,3,3,1,11,acept,not furnished,1809,3370,250,43,5472 +Campinas,47,1,1,1,9,acept,not furnished,470,600,43,8,1121 +São Paulo,95,3,2,2,1,acept,not furnished,1100,1600,209,21,2930 +Belo Horizonte,300,4,3,3,3,acept,not furnished,1400,7500,469,100,9469 +Belo Horizonte,210,4,3,3,3,acept,not furnished,360,3300,150,44,3854 +Porto Alegre,45,1,1,1,18,not acept,not furnished,450,2000,100,30,2580 +São Paulo,87,2,1,1,5,acept,not furnished,800,1220,46,16,2082 +São Paulo,250,4,4,2,17,acept,furnished,2600,6000,500,77,9177 +São Paulo,82,3,2,2,2,acept,not furnished,1100,1500,159,20,2779 +Campinas,93,3,2,2,4,acept,not furnished,1459,2300,191,30,3980 +São Paulo,142,3,4,3,2,acept,not furnished,1200,6000,500,77,7777 +Campinas,74,3,2,1,17,acept,not furnished,706,1040,100,14,1860 +Porto Alegre,36,1,1,0,4,not acept,furnished,277,1290,87,19,1673 +São Paulo,33,1,1,0,14,acept,not furnished,500,3999,0,51,4550 +Rio de Janeiro,80,2,1,0,10,not acept,not furnished,700,1000,98,13,1811 +Porto Alegre,90,2,1,1,2,acept,furnished,220,1350,53,20,1643 +São Paulo,195,2,3,3,15,acept,furnished,2600,9200,250,117,12170 +São Paulo,186,3,2,2,5,acept,not furnished,1473,2200,185,28,3886 +São Paulo,275,4,4,3,9,acept,not furnished,3300,6800,1250,87,11440 +Belo Horizonte,230,4,4,5,13,acept,not furnished,2500,7500,1900,100,12000 +Porto Alegre,42,1,1,1,11,acept,not furnished,372,2700,0,40,3112 +Rio de Janeiro,388,4,4,1,2,not acept,not furnished,6047,15000,104,194,21350 +São Paulo,94,3,3,2,1,acept,not furnished,750,2433,0,31,3593 +São Paulo,260,4,2,2,3,acept,not furnished,1715,6000,594,77,8386 +Campinas,65,3,2,1,2,not acept,not furnished,620,1100,60,14,1794 +Rio de Janeiro,76,2,1,0,5,acept,not furnished,767,1280,57,17,2121 +São Paulo,131,4,4,3,1,not acept,furnished,2100,6000,818,77,8995 +São Paulo,225,3,3,4,6,acept,furnished,1360,10500,750,134,12740 +Belo Horizonte,71,3,2,2,4,acept,not furnished,660,970,149,13,1792 +Belo Horizonte,201,4,4,3,2,acept,not furnished,1651,5300,852,71,7874 +Rio de Janeiro,570,3,6,2,11,acept,not furnished,3000,14000,334,181,17520 +Porto Alegre,53,2,2,1,3,acept,not furnished,360,1275,59,19,1713 +Belo Horizonte,240,4,5,3,4,acept,not furnished,912,3500,350,47,4809 +Rio de Janeiro,50,1,1,0,2,acept,not furnished,0,2700,100,35,2835 +Porto Alegre,68,2,2,1,2,acept,not furnished,400,1800,82,27,2309 +São Paulo,54,1,1,1,13,not acept,furnished,679,5000,359,64,6102 +São Paulo,178,2,3,4,1,not acept,not furnished,3145,2500,903,32,6580 +Porto Alegre,50,1,1,0,3,acept,not furnished,0,1100,0,17,1117 +São Paulo,212,4,3,6,-,acept,furnished,0,2983,237,45,3265 +São Paulo,380,4,6,4,7,acept,not furnished,3570,4900,1193,63,9726 +São Paulo,138,2,2,1,11,acept,furnished,1000,7000,89,89,8178 +Belo Horizonte,180,4,3,3,4,not acept,not furnished,1947,4200,407,56,6610 +Porto Alegre,43,1,1,1,4,acept,not furnished,360,800,82,12,1254 +Rio de Janeiro,48,1,1,1,6,acept,furnished,0,2800,0,37,2837 +Rio de Janeiro,180,3,3,0,7,acept,furnished,916,7600,378,98,8992 +Campinas,70,1,2,1,6,acept,furnished,1500,2500,0,32,4032 +Porto Alegre,155,2,2,2,5,acept,not furnished,450,2300,94,34,2878 +São Paulo,262,3,4,4,8,acept,not furnished,4844,15000,2050,191,22090 +São Paulo,25,1,1,1,25,acept,not furnished,331,2100,64,27,2522 +São Paulo,50,3,1,1,4,not acept,not furnished,852,2500,126,32,3510 +São Paulo,108,3,2,1,14,acept,not furnished,1714,5000,127,64,6905 +São Paulo,170,3,2,1,14,acept,furnished,1700,4500,85,58,6343 +São Paulo,60,1,1,0,-,acept,not furnished,0,1000,34,16,1050 +São Paulo,78,3,2,2,10,acept,not furnished,650,2400,117,31,3198 +Belo Horizonte,170,3,2,0,-,acept,not furnished,0,5000,320,82,5402 +Rio de Janeiro,20,1,1,0,2,acept,not furnished,0,600,0,8,608 +Porto Alegre,500,5,4,4,4,not acept,not furnished,2000,4000,1250,59,7309 +São Paulo,248,3,4,4,2,acept,not furnished,3163,14000,966,178,18310 +São Paulo,145,3,3,2,7,acept,not furnished,1400,5500,0,70,6970 +São Paulo,50,1,1,1,10,not acept,furnished,1436,7800,359,99,9694 +Porto Alegre,44,1,2,0,3,acept,not furnished,140,1350,10,20,1520 +São Paulo,200,3,2,2,-,acept,not furnished,0,4500,250,68,4818 +Belo Horizonte,58,2,2,1,5,acept,not furnished,400,999,99,14,1512 +São Paulo,280,3,4,4,4,acept,not furnished,5000,15000,1500,191,21690 +São Paulo,52,1,1,1,7,acept,furnished,1500,3000,292,39,4831 +São Paulo,271,3,3,2,-,acept,not furnished,0,8000,959,121,9080 +São Paulo,223,4,4,7,-,acept,not furnished,0,5500,1169,83,6752 +São Paulo,263,4,5,4,21,acept,not furnished,2900,12500,1588,159,17150 +Porto Alegre,157,4,3,1,12,acept,furnished,1150,3500,169,52,4871 +São Paulo,323,5,5,3,-,acept,not furnished,0,4800,582,73,5455 +São Paulo,80,2,2,1,-,not acept,not furnished,0,2188,0,10,2198 +São Paulo,70,2,2,2,1,acept,furnished,858,6000,449,77,7384 +Belo Horizonte,74,3,2,1,1,acept,not furnished,450,1000,92,14,1556 +Belo Horizonte,66,3,1,2,3,acept,not furnished,250,1100,73,15,1438 +São Paulo,80,2,1,1,6,acept,not furnished,800,1275,0,17,2092 +Porto Alegre,100,3,2,2,-,acept,not furnished,0,3000,125,54,3179 +São Paulo,218,4,4,2,1,acept,not furnished,2250,5500,692,70,8512 +Rio de Janeiro,73,2,1,1,4,acept,not furnished,625,1200,119,16,1960 +Rio de Janeiro,230,4,2,2,1,acept,furnished,4000,13000,1839,168,19010 +São Paulo,80,3,5,2,4,not acept,not furnished,3460,12000,1000,153,16610 +Belo Horizonte,180,3,3,3,4,acept,not furnished,331,4200,227,56,4814 +Rio de Janeiro,85,3,2,1,15,acept,not furnished,710,2500,264,33,3507 +São Paulo,37,1,1,0,-,not acept,not furnished,0,900,75,14,989 +Porto Alegre,65,2,1,0,3,acept,not furnished,140,985,21,15,1161 +São Paulo,440,4,3,2,3,acept,not furnished,4200,8000,1702,102,14000 +Rio de Janeiro,57,2,1,0,1,acept,not furnished,100,1530,0,20,1650 +São Paulo,74,3,2,1,6,acept,not furnished,513,1715,100,22,2350 +São Paulo,180,3,4,3,12,acept,not furnished,2047,1800,902,23,4772 +São Paulo,198,3,3,0,14,acept,not furnished,2070,6000,715,77,8862 +Rio de Janeiro,170,3,4,3,3,acept,not furnished,2000,5000,757,65,7822 +São Paulo,240,3,4,3,7,acept,furnished,4000,8500,1167,108,13780 +São Paulo,59,2,2,0,5,not acept,not furnished,754,1990,25,26,2795 +São Paulo,525,5,4,4,-,acept,not furnished,0,8330,2167,126,10620 +São Paulo,226,4,4,4,2,acept,not furnished,2850,3000,2488,39,8377 +São Paulo,60,2,2,2,-,acept,not furnished,170,1950,67,30,2217 +Porto Alegre,43,2,1,0,6,not acept,not furnished,382,1570,42,23,2017 +São Paulo,158,4,4,3,3,acept,not furnished,2100,6600,375,84,9159 +Porto Alegre,42,1,1,1,3,acept,furnished,162,1400,17,21,1600 +São Paulo,50,1,1,0,-,not acept,not furnished,0,1250,34,19,1303 +Belo Horizonte,66,2,1,1,13,acept,not furnished,385,550,26,8,969 +São Paulo,39,1,1,1,24,not acept,furnished,600,4200,125,54,4979 +São Paulo,64,1,2,1,4,acept,furnished,850,3700,185,47,4782 +São Paulo,70,3,2,0,-,acept,not furnished,0,1500,60,23,1583 +São Paulo,30,1,1,1,9,acept,not furnished,1,1930,0,25,1956 +São Paulo,135,3,3,0,1,not acept,not furnished,1400,3810,167,49,5426 +São Paulo,170,3,2,1,5,acept,not furnished,860,6500,110,83,7553 +Rio de Janeiro,120,3,2,1,3,acept,not furnished,1700,7500,334,97,9631 +Belo Horizonte,92,2,1,0,-,acept,not furnished,0,1200,60,20,1280 +Belo Horizonte,183,4,4,4,8,acept,not furnished,1695,9300,803,124,11920 +São Paulo,210,3,3,2,15,not acept,furnished,3500,8667,834,110,13110 +Rio de Janeiro,30,1,1,0,8,acept,not furnished,456,900,94,12,1462 +Campinas,119,3,3,2,14,acept,not furnished,663,5500,133,70,6366 +Rio de Janeiro,298,5,3,2,3,acept,not furnished,2200,4100,417,53,6770 +Belo Horizonte,260,3,2,4,-,acept,not furnished,0,2600,268,43,2911 +Belo Horizonte,201,4,4,4,7,acept,not furnished,1800,7300,113,98,9311 +São Paulo,200,3,4,4,-,not acept,not furnished,0,4000,400,61,4461 +São Paulo,60,2,1,1,7,acept,furnished,785,3800,112,49,4746 +Rio de Janeiro,70,2,1,1,-,acept,not furnished,300,2000,59,31,2390 +São Paulo,135,3,2,1,21,acept,furnished,950,7500,77,96,8623 +São Paulo,336,6,2,3,-,acept,not furnished,0,6350,1125,96,7571 +São Paulo,300,3,4,6,-,acept,not furnished,0,3200,167,49,3416 +Rio de Janeiro,600,5,5,4,12,acept,not furnished,4300,8000,1585,104,13990 +São Paulo,60,3,3,2,-,acept,not furnished,0,2700,273,41,3014 +São Paulo,254,3,4,4,1,not acept,furnished,3100,7000,930,89,11120 +São Paulo,210,3,5,4,6,acept,furnished,3301,11900,960,151,16310 +São Paulo,178,3,4,2,4,not acept,not furnished,2450,10000,834,127,13410 +São Paulo,45,1,1,0,-,not acept,not furnished,0,1000,34,16,1050 +Rio de Janeiro,70,3,1,0,3,acept,not furnished,474,750,138,10,1372 +São Paulo,181,4,5,3,5,acept,not furnished,2100,2600,579,33,5312 +Belo Horizonte,72,2,2,1,4,acept,not furnished,370,1700,90,23,2183 +São Paulo,60,2,2,1,21,acept,furnished,1600,5550,142,71,7363 +São Paulo,55,2,1,1,3,acept,not furnished,496,1800,0,23,2319 +São Paulo,94,1,2,2,2,not acept,furnished,1356,13000,384,165,14910 +Rio de Janeiro,210,3,2,1,6,acept,not furnished,3200,14080,700,182,18160 +São Paulo,37,1,1,1,21,acept,not furnished,541,4000,50,51,4642 +São Paulo,41,2,1,0,16,acept,not furnished,270,1200,0,16,1486 +São Paulo,240,3,4,3,1,acept,furnished,5100,11000,1834,140,18070 +Porto Alegre,70,2,1,0,12,acept,not furnished,500,1105,84,17,1706 +Belo Horizonte,55,3,1,1,3,not acept,not furnished,199,800,42,11,1052 +Rio de Janeiro,150,3,1,0,3,acept,not furnished,450,1500,0,20,1970 +Rio de Janeiro,55,2,2,1,13,acept,not furnished,500,1330,30,18,1878 +São Paulo,390,3,3,2,-,acept,furnished,0,7500,650,113,8263 +Porto Alegre,73,3,2,1,1,acept,not furnished,354,1777,84,26,2241 +Campinas,57,1,1,1,2,acept,not furnished,690,2600,131,33,3454 +Rio de Janeiro,93,3,1,0,-,acept,not furnished,400,1500,70,20,1990 +Rio de Janeiro,88,2,2,2,3,acept,not furnished,957,2500,430,33,3920 +São Paulo,330,4,6,3,7,acept,not furnished,5457,15000,2475,191,23120 +São Paulo,130,3,3,2,1,acept,furnished,1150,2350,255,30,3785 +São Paulo,170,4,3,2,15,not acept,furnished,3000,10000,770,127,13900 +São Paulo,220,3,4,4,2,acept,not furnished,3167,5500,1084,70,9821 +São Paulo,59,2,1,1,6,acept,not furnished,600,1600,0,21,2221 +São Paulo,500,4,4,3,-,acept,not furnished,0,10800,988,163,11950 +Rio de Janeiro,70,3,2,0,1,acept,not furnished,0,1500,50,20,1570 +Rio de Janeiro,55,1,1,1,5,not acept,not furnished,538,1250,25,17,1830 +Belo Horizonte,35,1,1,1,5,acept,furnished,600,1080,100,15,1795 +São Paulo,33,1,1,1,12,acept,furnished,565,3200,123,41,3929 +Belo Horizonte,80,3,2,1,1,acept,not furnished,280,1200,97,16,1593 +Belo Horizonte,2000,4,2,3,-,acept,not furnished,0,4956,200,82,5238 +São Paulo,60,1,1,1,20,not acept,furnished,490,3250,131,42,3913 +Porto Alegre,48,2,1,0,1,acept,not furnished,400,950,36,14,1400 +Campinas,53,1,1,1,13,acept,not furnished,494,650,34,9,1187 +São Paulo,96,3,1,1,10,acept,not furnished,1140,2800,0,36,3976 +São Paulo,25,1,1,0,2,not acept,furnished,0,1750,0,23,1773 +São Paulo,23,1,1,1,26,acept,not furnished,520,2300,59,30,2909 +São Paulo,83,1,1,1,15,not acept,furnished,4000,6000,255,77,10330 +Rio de Janeiro,25,1,1,0,1,acept,not furnished,50,700,0,10,760 +São Paulo,45,1,1,1,10,not acept,furnished,1600,1800,177,23,3600 +Porto Alegre,70,2,2,2,12,acept,not furnished,500,1800,0,27,2327 +São Paulo,80,1,1,0,-,acept,not furnished,0,1200,1,19,1220 +São Paulo,78,1,1,0,2,acept,not furnished,420,2522,25,32,2999 +Belo Horizonte,45,1,1,0,1,not acept,not furnished,0,1100,8,15,1123 +São Paulo,43,1,1,0,5,acept,furnished,1195,680,220,9,2104 +São Paulo,250,5,4,5,6,acept,not furnished,2300,2800,800,36,5936 +São Paulo,350,5,6,6,10,acept,not furnished,7000,15000,417,191,22610 +Campinas,190,4,4,2,14,acept,not furnished,900,3200,192,15,4307 +São Paulo,117,3,4,4,14,acept,not furnished,1500,2700,50,35,4285 +Rio de Janeiro,75,2,1,1,6,not acept,not furnished,379,580,69,8,1036 +Belo Horizonte,113,4,2,2,11,acept,not furnished,1600,4900,489,66,7055 +Porto Alegre,46,1,1,1,2,acept,not furnished,380,650,16,10,1056 +São Paulo,100,3,2,1,-,acept,not furnished,0,3500,98,53,3651 +São Paulo,35,1,1,0,-,not acept,not furnished,0,500,0,8,508 +São Paulo,300,4,5,1,8,acept,furnished,3700,8550,400,109,12760 +Campinas,57,2,1,1,1,acept,furnished,370,1000,36,13,1419 +São Paulo,35,1,1,0,6,acept,not furnished,285,1600,32,21,1938 +Rio de Janeiro,110,3,2,2,2,acept,not furnished,1050,2750,92,36,3928 +São Paulo,106,2,3,2,14,acept,furnished,1109,3980,209,51,5349 +Rio de Janeiro,120,3,3,1,3,acept,not furnished,1260,3500,147,46,4953 +Porto Alegre,40,1,1,0,5,not acept,furnished,0,2000,0,30,2030 +Rio de Janeiro,97,3,1,0,3,acept,not furnished,390,2080,100,27,2597 +Rio de Janeiro,160,3,1,2,-,acept,not furnished,0,2800,151,43,2994 +São Paulo,80,4,4,3,5,acept,not furnished,3450,6000,0,77,9527 +São Paulo,297,4,5,5,19,acept,not furnished,3182,11700,2482,149,17510 +São Paulo,400,5,4,6,-,acept,furnished,0,6500,0,98,6598 +Rio de Janeiro,90,3,1,0,2,acept,not furnished,250,1500,140,20,1910 +Rio de Janeiro,93,3,3,1,7,acept,not furnished,1307,2990,235,39,4571 +São Paulo,37,1,1,1,9,acept,furnished,658,2700,145,35,3538 +São Paulo,300,4,2,2,1,acept,furnished,3000,6500,1091,83,10670 +São Paulo,217,3,4,3,3,acept,not furnished,3400,1900,917,25,6242 +São Paulo,77,3,2,2,14,not acept,not furnished,830,6200,205,79,7314 +São Paulo,150,3,4,3,18,not acept,furnished,2200,7500,622,54,10380 +São Paulo,60,2,1,0,10,acept,not furnished,453,1654,0,21,2128 +São Paulo,140,3,2,1,13,acept,not furnished,1141,2900,148,37,4226 +Belo Horizonte,96,3,2,1,6,acept,not furnished,200,2000,95,27,2322 +São Paulo,55,1,1,1,1,acept,furnished,577,5600,80,71,6328 +São Paulo,170,3,2,2,-,acept,not furnished,0,4200,309,64,4573 +Rio de Janeiro,70,2,2,1,11,acept,not furnished,1000,1400,211,19,2630 +São Paulo,400,10,9,8,-,acept,not furnished,0,8330,550,126,9006 +Belo Horizonte,209,4,4,4,11,acept,not furnished,2140,7300,587,98,10130 +Rio de Janeiro,91,2,2,2,3,acept,furnished,4495,5500,637,71,10700 +São Paulo,328,3,4,4,18,acept,furnished,1382,6000,800,77,8259 +Belo Horizonte,92,3,3,2,2,acept,not furnished,300,1600,112,22,2034 +Rio de Janeiro,50,2,1,1,11,acept,not furnished,830,1650,0,22,2502 +Rio de Janeiro,85,2,1,0,-,acept,not furnished,470,2800,217,43,3530 +São Paulo,72,2,2,0,1,acept,furnished,700,3000,1,39,3740 +Rio de Janeiro,140,4,2,1,9,acept,not furnished,1600,3900,350,51,5901 +São Paulo,70,2,2,1,1,not acept,not furnished,390,1500,80,20,1990 +São Paulo,130,3,3,3,5,not acept,not furnished,2200,3500,348,45,6093 +São Paulo,387,4,6,6,4,acept,not furnished,4246,6647,2235,85,13210 +Campinas,126,3,3,2,1,acept,not furnished,780,3600,167,46,4593 +São Paulo,104,3,2,2,1,not acept,not furnished,1040,3800,0,49,4889 +São Paulo,550,4,4,4,-,acept,not furnished,0,14000,1334,211,15550 +São Paulo,51,1,1,0,9,acept,not furnished,367,1950,84,25,2426 +Belo Horizonte,140,4,3,3,4,acept,not furnished,1200,3400,250,46,4896 +São Paulo,90,2,1,1,1,acept,not furnished,1000,3000,50,39,4089 +São Paulo,70,2,2,2,1,acept,not furnished,550,1750,209,23,2532 +Rio de Janeiro,140,3,2,1,4,not acept,furnished,1600,4000,271,52,5923 +Rio de Janeiro,20,1,1,0,1,acept,not furnished,375,1250,30,17,1672 +São Paulo,365,3,5,2,5,acept,furnished,1950,8500,899,108,11460 +Porto Alegre,200,2,3,2,12,acept,furnished,1800,12750,500,187,15240 +São Paulo,40,1,1,0,-,not acept,not furnished,185,850,41,13,1089 +Campinas,66,1,1,1,2,acept,furnished,900,5000,62,64,6026 +São Paulo,161,1,2,2,10,not acept,not furnished,2162,7000,54,89,9305 +Rio de Janeiro,75,2,1,0,5,acept,not furnished,915,2350,80,31,3376 +Campinas,110,3,1,2,-,acept,not furnished,0,1900,64,29,1993 +Campinas,82,2,1,1,1,acept,not furnished,300,600,105,8,1013 +São Paulo,23,1,1,0,7,acept,furnished,430,1800,0,23,2253 +São Paulo,65,3,2,1,2,acept,not furnished,512,1740,135,23,2410 +Porto Alegre,40,1,1,0,1,acept,furnished,0,816,0,15,831 +Campinas,129,3,2,2,1,acept,not furnished,1411,3310,235,42,4998 +São Paulo,114,1,1,1,6,acept,not furnished,987,2800,208,36,4031 +São Paulo,200,2,2,2,-,acept,not furnished,1,3000,167,46,3214 +Porto Alegre,101,3,2,2,8,acept,furnished,541,4200,142,62,4945 +Belo Horizonte,50,2,1,0,-,not acept,not furnished,0,950,50,16,1016 +São Paulo,400,4,3,2,-,acept,not furnished,0,8000,1417,121,9538 +São Paulo,71,2,1,1,7,acept,not furnished,785,2559,0,32,3376 +Porto Alegre,72,2,1,0,3,not acept,not furnished,100,900,42,14,1056 +São Paulo,250,4,4,3,5,not acept,furnished,4341,8000,888,102,13330 +Campinas,50,2,1,1,3,acept,not furnished,0,1000,0,13,1013 +Campinas,180,3,2,1,11,acept,not furnished,1060,2200,201,28,3489 +Porto Alegre,31,1,1,0,4,acept,not furnished,250,586,28,9,873 +Rio de Janeiro,86,2,1,0,7,acept,not furnished,730,1650,60,22,2462 +Belo Horizonte,200,4,3,2,4,acept,not furnished,1164,4000,378,54,5596 +São Paulo,130,3,2,1,6,acept,not furnished,1550,5500,300,70,7420 +Porto Alegre,38,1,1,0,10,acept,not furnished,330,1800,42,27,2199 +São Paulo,20,1,1,0,1,not acept,furnished,0,1950,0,25,1975 +Porto Alegre,140,3,2,2,3,acept,furnished,1300,3200,167,47,4714 +Porto Alegre,40,1,1,0,3,acept,not furnished,250,930,21,14,1215 +São Paulo,65,2,2,1,8,acept,not furnished,956,3800,7,50,4813 +Belo Horizonte,300,5,3,3,-,acept,not furnished,0,8500,234,140,8874 +Porto Alegre,30,1,1,0,3,not acept,not furnished,250,650,30,10,940 +São Paulo,41,1,1,0,3,acept,not furnished,350,1760,45,23,2178 +Belo Horizonte,98,3,2,1,2,not acept,not furnished,325,1400,116,19,1860 +Campinas,50,1,1,0,11,not acept,not furnished,430,702,20,9,1161 +Belo Horizonte,68,2,2,2,5,acept,not furnished,1365,3900,9,52,5326 +São Paulo,193,3,3,3,1,not acept,not furnished,3100,6500,834,83,10520 +São Paulo,32,1,1,1,15,acept,not furnished,350,1880,0,24,2254 +Rio de Janeiro,36,1,1,0,4,acept,not furnished,435,1300,0,17,1752 +São Paulo,167,3,1,0,-,acept,not furnished,0,1500,0,23,1523 +Rio de Janeiro,25,1,1,0,1,acept,not furnished,400,2006,67,26,2499 +Rio de Janeiro,55,2,2,1,13,acept,not furnished,500,1330,30,18,1878 +São Paulo,50,2,1,1,15,acept,not furnished,295,1500,47,20,1862 +Rio de Janeiro,125,2,4,1,2,not acept,not furnished,3000,6500,500,84,10080 +Porto Alegre,85,3,2,2,8,acept,furnished,700,3400,100,50,4250 +Porto Alegre,170,2,2,0,19,acept,furnished,800,2700,184,40,3724 +São Paulo,300,5,6,2,-,not acept,not furnished,0,8000,800,121,8921 +São Paulo,23,1,1,1,12,acept,furnished,600,2800,99,36,3535 +Porto Alegre,160,2,4,2,8,acept,not furnished,1500,7000,167,103,8770 +Belo Horizonte,210,3,5,4,3,acept,not furnished,2660,7200,169,96,10130 +São Paulo,120,3,3,2,-,acept,not furnished,0,4200,359,64,4623 +Rio de Janeiro,406,3,4,2,3,acept,furnished,3200,15000,1167,194,19560 +Campinas,63,2,1,1,-,not acept,not furnished,352,1750,90,23,2215 +São Paulo,127,3,4,2,6,not acept,furnished,1227,3500,250,45,5022 +São Paulo,90,3,2,2,11,not acept,not furnished,3160,5000,384,64,8608 +Belo Horizonte,373,4,5,7,-,acept,not furnished,0,11500,522,189,12210 +Rio de Janeiro,60,2,1,1,2,acept,not furnished,300,1300,53,17,1670 +São Paulo,650,4,6,5,-,acept,not furnished,0,10000,834,151,10990 +São Paulo,250,3,3,2,7,acept,furnished,2750,5500,792,70,9112 +Belo Horizonte,318,4,2,2,-,not acept,not furnished,0,4500,179,74,4753 +São Paulo,22,1,1,0,-,acept,not furnished,0,976,0,15,991 +Rio de Janeiro,64,2,1,0,8,acept,furnished,950,2700,250,35,3935 +São Paulo,172,4,5,3,9,acept,not furnished,2655,5500,943,70,9168 +São Paulo,108,3,3,2,2,not acept,not furnished,1265,2200,253,28,3746 +São Paulo,31,1,1,1,11,acept,not furnished,520,2700,83,35,3338 +Belo Horizonte,90,2,1,2,1,acept,not furnished,311,1800,121,24,2256 +Rio de Janeiro,81,2,1,0,6,acept,not furnished,1050,2650,300,35,4035 +Rio de Janeiro,80,2,1,1,10,not acept,not furnished,660,1900,50,25,2635 +São Paulo,243,3,2,1,5,acept,not furnished,1840,8000,450,102,10390 +Rio de Janeiro,67,2,1,0,6,acept,not furnished,1700,6600,249,86,8635 +São Paulo,160,3,1,1,-,acept,not furnished,0,3000,298,46,3344 +Porto Alegre,67,2,1,1,9,acept,not furnished,300,1200,284,18,1802 +São Paulo,90,3,2,3,1,acept,not furnished,1018,1500,201,20,2739 +São Paulo,186,4,4,3,11,acept,not furnished,1900,5600,584,71,8155 +Rio de Janeiro,15,1,1,0,-,acept,not furnished,0,700,0,10,710 +Porto Alegre,62,2,2,2,6,acept,not furnished,570,1390,60,21,2041 +São Paulo,215,4,6,3,2,acept,furnished,2100,5700,959,73,8832 +São Paulo,28,1,1,0,5,acept,furnished,255,1764,0,23,2042 +São Paulo,240,4,5,3,4,acept,not furnished,3500,15000,1250,191,19940 +São Paulo,70,2,2,1,2,not acept,furnished,2274,2980,437,38,5729 +São Paulo,145,2,2,2,10,acept,not furnished,2530,7630,538,97,10800 +Porto Alegre,47,1,1,1,1,not acept,furnished,400,2200,0,33,2633 +São Paulo,62,2,2,1,9,acept,furnished,749,2500,45,32,3326 +Belo Horizonte,270,4,5,6,-,acept,furnished,0,8000,317,132,8449 +São Paulo,266,3,5,1,15,acept,furnished,2075,4320,391,55,6841 +São Paulo,109,1,1,2,5,not acept,furnished,1750,11500,479,146,13880 +São Paulo,24,1,1,0,3,acept,furnished,450,2020,0,26,2496 +Campinas,80,3,2,2,12,acept,not furnished,560,2500,250,32,3342 +São Paulo,500,4,8,4,-,acept,furnished,0,14000,917,211,15130 +São Paulo,150,3,1,1,9,acept,not furnished,1172,4800,294,61,6327 +Belo Horizonte,110,2,2,2,4,not acept,not furnished,290,1346,88,10,1734 +São Paulo,110,2,3,2,12,not acept,furnished,2000,11500,502,146,14150 +São Paulo,77,3,1,2,10,acept,not furnished,953,3500,230,45,4728 +São Paulo,850,5,7,8,1,not acept,not furnished,14000,4000,0,51,18050 +Campinas,58,1,1,1,3,acept,not furnished,530,1200,0,16,1746 +São Paulo,145,3,3,1,5,acept,furnished,2860,6600,555,84,10100 +Porto Alegre,42,1,1,1,7,acept,not furnished,415,1200,54,18,1687 +Porto Alegre,62,2,1,1,5,acept,not furnished,470,1150,70,17,1707 +São Paulo,65,2,1,0,-,acept,not furnished,0,1500,24,23,1547 +São Paulo,33,1,1,1,20,not acept,furnished,479,3000,125,39,3643 +São Paulo,140,3,5,2,-,acept,furnished,0,3900,250,59,4209 +Porto Alegre,326,3,2,3,-,acept,not furnished,350,3900,2760,70,7080 +Rio de Janeiro,70,2,2,1,8,not acept,furnished,1000,2500,67,33,3600 +Rio de Janeiro,25,1,1,0,2,acept,furnished,250,1112,0,7,1369 +São Paulo,67,2,2,2,1,acept,not furnished,618,2372,0,8,2998 +Campinas,50,1,1,0,2,acept,not furnished,473,550,14,7,1044 +São Paulo,215,3,4,4,6,acept,not furnished,2859,6000,865,77,9801 +Campinas,55,2,1,1,-,acept,not furnished,480,750,66,10,1306 +São Paulo,264,3,4,3,9,acept,not furnished,3300,6770,0,86,10160 +Rio de Janeiro,270,4,2,1,16,not acept,not furnished,1800,7500,750,97,10150 +São Paulo,40,1,1,1,10,not acept,furnished,1300,4860,154,62,6376 +São Paulo,90,2,2,0,3,not acept,not furnished,180,1800,375,23,2378 +Rio de Janeiro,50,2,2,1,6,acept,not furnished,850,950,59,13,1872 +São Paulo,68,2,2,2,7,acept,furnished,1500,6600,0,84,8184 +São Paulo,41,1,1,0,17,acept,furnished,450,2470,0,32,2952 +São Paulo,420,3,5,5,-,acept,not furnished,0,8200,1084,124,9408 +São Paulo,150,3,2,1,-,acept,not furnished,0,2500,0,38,2538 +São Paulo,220,4,5,3,5,acept,not furnished,3000,7800,1000,99,11900 +São Paulo,113,2,2,1,6,acept,not furnished,1000,3000,50,39,4089 +São Paulo,268,4,4,4,3,acept,furnished,3317,6000,899,77,10290 +Porto Alegre,74,3,1,1,1,acept,not furnished,380,1090,42,16,1528 +São Paulo,53,2,1,1,4,not acept,furnished,550,2400,21,31,3002 +Porto Alegre,64,1,1,1,2,acept,furnished,398,1200,48,18,1664 +Porto Alegre,45,1,1,1,13,acept,furnished,400,2550,120,38,3108 +Campinas,120,3,3,2,4,not acept,not furnished,400,1850,0,24,2274 +São Paulo,167,3,3,4,10,acept,not furnished,1814,5500,807,70,8191 +Porto Alegre,250,4,2,1,-,acept,not furnished,0,2700,209,48,2957 +Belo Horizonte,28,1,1,1,-,not acept,furnished,550,1100,0,15,1665 +São Paulo,135,2,3,1,19,not acept,furnished,2745,8000,650,102,11500 +Porto Alegre,42,1,1,0,4,acept,furnished,250,1250,25,19,1544 +Belo Horizonte,156,4,4,2,4,acept,not furnished,250,3500,248,47,4045 +São Paulo,300,4,5,5,6,not acept,not furnished,3500,1990,10830,26,16350 +Belo Horizonte,150,4,2,3,6,acept,not furnished,600,3500,380,47,4527 +São Paulo,54,2,2,1,2,acept,not furnished,400,1927,100,12,2439 +São Paulo,38,1,1,0,-,not acept,not furnished,700,1650,0,25,2375 +Belo Horizonte,474,5,5,7,-,acept,not furnished,0,15000,990,246,16240 +São Paulo,450,5,4,3,-,acept,not furnished,0,12000,1201,181,13380 +Belo Horizonte,343,4,3,4,-,acept,not furnished,0,7000,320,115,7435 +São Paulo,180,3,2,4,-,acept,not furnished,0,3000,0,46,3046 +São Paulo,100,2,2,2,-,acept,not furnished,0,2000,0,31,2031 +São Paulo,102,2,3,2,-,acept,not furnished,0,2500,0,38,2538 +Rio de Janeiro,470,4,5,3,1,acept,not furnished,3772,6580,1650,85,12090 +Rio de Janeiro,140,3,3,1,1,acept,not furnished,2285,2820,343,37,5485 +São Paulo,380,4,1,0,-,acept,not furnished,0,2890,150,25,3065 +Porto Alegre,140,2,2,1,2,acept,furnished,252,3000,150,44,3446 +São Paulo,520,3,4,3,-,acept,furnished,0,7000,645,106,7751 +São Paulo,130,3,2,3,-,acept,furnished,0,7450,167,112,7729 +São Paulo,49,1,1,1,1,acept,furnished,700,2985,0,38,3839 +Rio de Janeiro,28,1,1,0,5,not acept,furnished,609,1099,0,15,1723 +Campinas,58,2,1,1,1,acept,not furnished,472,870,75,12,1429 +São Paulo,32,1,1,1,3,not acept,furnished,480,2150,0,28,2658 +São Paulo,48,2,1,1,11,not acept,not furnished,300,2000,26,26,2352 +São Paulo,30,1,1,0,5,acept,furnished,370,1830,0,24,2224 +São Paulo,26,1,1,0,4,acept,furnished,188,2650,55,34,2927 +Rio de Janeiro,65,2,1,0,4,acept,not furnished,450,1285,93,17,1845 +São Paulo,98,3,2,2,-,acept,not furnished,410,2290,25,35,2760 +São Paulo,234,3,4,4,3,acept,not furnished,3746,5000,1210,64,10020 +Campinas,59,2,1,1,5,acept,not furnished,430,1190,47,16,1683 +São Paulo,97,2,3,1,5,acept,not furnished,760,6500,120,83,7463 +Belo Horizonte,65,2,2,1,11,acept,not furnished,490,1100,70,15,1675 +Porto Alegre,42,1,1,1,7,acept,not furnished,500,2300,42,34,2876 +Rio de Janeiro,94,3,2,1,25,acept,not furnished,1733,3300,192,43,5268 +Belo Horizonte,147,4,2,3,10,acept,not furnished,850,4700,330,63,5943 +São Paulo,73,3,2,2,14,acept,not furnished,550,2520,192,32,3294 +Rio de Janeiro,40,1,1,0,7,not acept,not furnished,2000,2200,35,29,4264 +São Paulo,350,3,5,5,-,acept,not furnished,0,3080,200,47,3327 +São Paulo,384,3,3,4,-,not acept,not furnished,0,11400,1142,172,12710 +São Paulo,48,1,1,2,7,acept,furnished,2300,7000,245,89,9634 +Rio de Janeiro,96,3,2,1,5,not acept,not furnished,1100,2500,165,33,3798 +Porto Alegre,55,2,1,0,3,acept,furnished,350,1125,25,17,1517 +Porto Alegre,330,4,4,3,-,acept,not furnished,0,6994,403,125,7522 +Porto Alegre,49,1,1,0,4,acept,not furnished,330,900,24,14,1268 +Rio de Janeiro,170,3,2,1,4,acept,not furnished,900,3500,0,46,4446 +São Paulo,243,2,3,2,-,acept,not furnished,0,4619,559,70,5248 +São Paulo,216,4,4,3,3,acept,furnished,3100,8980,0,114,12190 +Rio de Janeiro,60,2,1,1,5,acept,not furnished,440,800,58,11,1309 +São Paulo,200,3,4,2,-,acept,not furnished,0,2500,500,38,3038 +Porto Alegre,48,1,1,0,2,acept,not furnished,309,700,28,11,1048 +Campinas,130,3,2,6,-,acept,not furnished,0,2200,182,34,2416 +Rio de Janeiro,55,2,1,1,10,acept,not furnished,647,1080,185,14,1926 +São Paulo,200,4,3,2,-,acept,not furnished,0,5628,575,85,6288 +Campinas,101,3,2,2,1,acept,not furnished,632,2200,119,28,2979 +São Paulo,20,1,1,0,9,acept,furnished,435,1650,59,21,2165 +São Paulo,97,3,3,2,7,acept,not furnished,1058,2500,275,32,3865 +São Paulo,83,2,2,1,21,acept,not furnished,782,4800,174,61,5817 +Porto Alegre,47,1,1,1,10,acept,not furnished,360,610,6,9,985 +São Paulo,110,2,2,1,8,acept,furnished,1285,4348,196,56,5885 +São Paulo,140,4,4,2,3,acept,not furnished,670,3100,153,40,3963 +São Paulo,242,3,4,3,1,acept,furnished,2100,7000,250,89,9439 +São Paulo,35,1,1,0,5,acept,not furnished,270,1300,0,17,1587 +Rio de Janeiro,100,2,2,0,11,acept,furnished,670,4700,375,61,5806 +São Paulo,134,3,3,1,4,acept,not furnished,1200,3500,200,45,4945 +Porto Alegre,50,2,1,1,-,not acept,not furnished,0,1000,35,18,1053 +Campinas,67,3,1,1,9,acept,not furnished,447,1200,26,16,1689 +São Paulo,150,2,3,0,-,acept,not furnished,0,4000,124,61,4185 +São Paulo,174,3,4,3,6,acept,not furnished,2200,13500,814,172,16690 +São Paulo,120,3,3,1,-,acept,not furnished,0,2800,75,43,2918 +Porto Alegre,90,4,2,0,-,not acept,not furnished,0,1700,152,31,1883 +São Paulo,16,1,1,0,1,not acept,not furnished,0,850,30,11,891 +Campinas,110,3,1,1,4,acept,not furnished,830,1200,25,5,2060 +São Paulo,277,2,3,4,19,acept,not furnished,5295,13000,1550,165,20010 +São Paulo,79,3,1,1,11,not acept,not furnished,700,1405,0,18,2123 +Belo Horizonte,180,4,3,2,8,acept,not furnished,970,3260,390,44,4664 +São Paulo,300,3,3,2,11,acept,furnished,2600,7650,500,97,10850 +São Paulo,270,2,3,4,-,acept,not furnished,0,3270,169,50,3489 +Porto Alegre,25,1,1,0,3,acept,not furnished,100,790,13,12,915 +São Paulo,78,1,1,1,12,acept,furnished,574,3850,225,49,4698 +São Paulo,82,2,2,1,2,acept,not furnished,1500,2450,192,32,4174 +Belo Horizonte,55,2,1,2,7,acept,not furnished,160,1100,0,15,1275 +São Paulo,420,4,5,4,-,acept,not furnished,0,10000,667,151,10820 +Campinas,115,2,3,2,4,acept,furnished,687,3500,220,45,4452 +Belo Horizonte,45,2,1,1,3,acept,not furnished,0,1000,0,14,1014 +São Paulo,47,3,1,1,9,acept,not furnished,300,1420,0,18,1738 +São Paulo,250,3,3,2,8,acept,not furnished,1600,2500,300,32,4432 +Rio de Janeiro,95,3,2,1,4,acept,not furnished,1602,5000,36,65,6703 +Rio de Janeiro,54,2,2,1,6,acept,not furnished,829,700,142,10,1681 +Belo Horizonte,200,3,2,2,-,acept,not furnished,0,12000,369,197,12570 +São Paulo,380,3,3,5,-,acept,not furnished,0,10900,1713,164,12780 +Rio de Janeiro,60,2,2,0,7,acept,not furnished,1300,4000,1,52,5353 +São Paulo,300,3,3,2,-,acept,not furnished,0,6000,197,91,6288 +Belo Horizonte,75,3,1,1,1,not acept,not furnished,160,1100,80,15,1355 +Belo Horizonte,32,1,1,1,8,acept,not furnished,197,1500,126,20,1843 +Rio de Janeiro,24,1,1,0,11,acept,not furnished,206,1400,21,19,1646 +São Paulo,49,1,1,1,4,not acept,not furnished,486,3200,0,13,3699 +Porto Alegre,50,2,1,0,13,acept,furnished,488,1400,41,21,1950 +Rio de Janeiro,40,1,1,0,12,acept,not furnished,600,2200,61,29,2890 +São Paulo,30,1,1,1,16,not acept,furnished,1900,2000,150,26,4076 +São Paulo,70,2,1,1,1,acept,not furnished,300,1100,14,14,1428 +Campinas,146,2,1,1,8,acept,not furnished,730,1620,128,21,2499 +Rio de Janeiro,120,2,2,0,1,acept,furnished,1200,4750,389,62,6401 +Campinas,67,3,1,1,1,not acept,not furnished,351,890,40,12,1293 +Belo Horizonte,347,4,4,3,4,acept,not furnished,2700,9000,589,120,12410 +Belo Horizonte,80,2,2,1,-,not acept,not furnished,0,1705,61,14,1780 +São Paulo,40,2,1,0,11,acept,not furnished,526,2500,129,32,3187 +Campinas,44,2,1,1,3,acept,not furnished,192,1020,0,13,1225 +São Paulo,80,2,1,0,7,not acept,not furnished,563,2200,59,28,2850 +Porto Alegre,106,3,3,1,2,acept,not furnished,800,3000,230,44,4074 +Campinas,137,3,4,2,2,acept,not furnished,1176,3800,257,49,5282 +São Paulo,248,3,4,4,-,acept,not furnished,0,9000,1531,136,10670 +São Paulo,350,4,3,2,-,acept,not furnished,0,13500,1006,203,14710 +Rio de Janeiro,90,2,1,2,5,not acept,not furnished,717,2800,13,37,3567 +São Paulo,16,1,1,0,-,not acept,not furnished,0,1420,0,18,1438 +São Paulo,108,3,3,2,2,acept,not furnished,1200,3400,334,44,4978 +Rio de Janeiro,120,3,2,1,2,acept,not furnished,992,2414,223,32,3661 +Campinas,54,2,1,1,3,acept,not furnished,320,1800,72,23,2215 +São Paulo,190,1,2,10,-,acept,not furnished,0,3900,34,59,3993 +Belo Horizonte,100,3,3,1,1,acept,not furnished,300,1800,105,24,2229 +Belo Horizonte,120,3,2,1,2,acept,furnished,1083,2100,179,28,3390 +São Paulo,40,1,1,1,4,acept,furnished,915,5000,115,36,6066 +São Paulo,185,2,2,2,-,not acept,not furnished,0,1850,59,28,1937 +Rio de Janeiro,50,1,1,0,9,acept,furnished,2300,2300,0,30,4630 +São Paulo,233,3,6,5,-,acept,not furnished,0,6000,506,91,6597 +São Paulo,47,2,2,2,6,acept,furnished,520,2611,24,34,3189 +São Paulo,49,1,1,0,11,acept,not furnished,443,4100,89,52,4684 +Porto Alegre,76,3,2,2,6,acept,not furnished,250,2100,0,31,2381 +Rio de Janeiro,60,2,1,0,6,acept,not furnished,650,1300,0,17,1967 +São Paulo,200,4,5,3,2,acept,not furnished,2600,4500,834,58,7992 +Rio de Janeiro,200,3,4,2,9,acept,not furnished,1730,5000,306,65,7101 +Porto Alegre,184,3,3,2,6,acept,not furnished,1100,5445,264,80,6889 +São Paulo,117,3,4,2,10,acept,not furnished,1350,6100,490,78,8018 +Porto Alegre,80,3,1,0,-,not acept,not furnished,0,1250,0,23,1273 +Rio de Janeiro,60,2,2,1,4,not acept,not furnished,700,2000,67,26,2793 +São Paulo,140,3,2,1,-,acept,furnished,0,8200,0,124,8324 +Rio de Janeiro,55,1,1,0,12,not acept,furnished,645,1500,60,20,2225 +São Paulo,131,3,2,1,14,acept,not furnished,1685,4200,197,54,6136 +São Paulo,142,3,4,3,2,acept,not furnished,1305,5000,414,64,6783 +Campinas,35,1,1,1,7,acept,not furnished,392,1100,13,14,1519 +Porto Alegre,40,1,1,0,20,acept,not furnished,135,890,21,13,1059 +São Paulo,57,1,1,0,4,acept,furnished,300,6000,17,77,6394 +Porto Alegre,30,1,1,0,9,acept,not furnished,270,890,34,13,1207 +Rio de Janeiro,800,5,7,5,-,acept,not furnished,0,15000,334,229,15560 +Porto Alegre,250,2,2,0,-,acept,furnished,0,4000,335,72,4407 +São Paulo,37,1,1,1,4,acept,not furnished,500,1500,150,20,2170 +Belo Horizonte,240,4,5,3,11,not acept,furnished,2800,10000,962,134,13900 +Rio de Janeiro,95,3,2,1,6,acept,not furnished,702,1650,76,22,2450 +São Paulo,30,1,1,0,18,not acept,not furnished,590,980,0,13,1583 +São Paulo,380,7,7,6,-,acept,not furnished,0,5800,417,88,6305 +São Paulo,50,2,1,0,5,acept,not furnished,515,1900,42,25,2482 +Rio de Janeiro,32,1,1,1,5,not acept,not furnished,465,900,0,12,1377 +São Paulo,104,3,3,2,6,acept,not furnished,1300,6000,0,77,7377 +São Paulo,31,1,1,0,16,not acept,not furnished,330,1575,0,20,1925 +São Paulo,700,4,5,2,10,acept,furnished,3000,8000,402,102,11500 +Campinas,138,3,3,0,2,acept,not furnished,1000,7000,84,89,8173 +São Paulo,77,2,1,1,14,acept,not furnished,980,4500,18,58,5556 +São Paulo,35,1,1,0,1,not acept,not furnished,250,1305,0,17,1572 +São Paulo,216,4,3,4,9,acept,not furnished,1883,3500,659,45,6087 +Campinas,60,2,1,1,1,acept,not furnished,314,1000,0,13,1327 +Belo Horizonte,115,3,2,2,-,acept,not furnished,0,3000,71,50,3121 +Belo Horizonte,222,4,3,4,-,acept,not furnished,0,3000,153,50,3203 +Rio de Janeiro,84,3,2,1,1,acept,furnished,1500,2600,420,34,4554 +São Paulo,156,3,3,1,12,not acept,not furnished,1600,4150,0,53,5803 +São Paulo,34,1,1,0,-,acept,not furnished,0,1050,50,16,1116 +Porto Alegre,60,2,1,1,5,acept,not furnished,350,1150,50,17,1567 +Porto Alegre,50,2,2,1,4,acept,not furnished,270,1300,34,19,1623 +São Paulo,210,3,3,2,5,acept,not furnished,2970,5500,690,70,9230 +São Paulo,240,4,2,4,-,acept,not furnished,0,8000,0,121,8121 +São Paulo,336,4,6,5,5,acept,not furnished,4950,7500,0,96,12550 +Campinas,60,2,1,1,3,acept,not furnished,450,790,17,11,1268 +Belo Horizonte,194,3,3,2,10,acept,not furnished,1351,4000,324,54,5729 +São Paulo,70,1,1,0,3,acept,not furnished,250,2000,0,26,2276 +São Paulo,46,1,1,0,3,acept,not furnished,100,1600,0,21,1721 +Rio de Janeiro,185,3,2,2,2,not acept,not furnished,1760,6000,0,78,7838 +São Paulo,90,1,2,2,13,not acept,furnished,1500,8000,500,102,10100 +Belo Horizonte,90,3,2,1,2,acept,not furnished,200,1400,111,19,1730 +São Paulo,175,1,3,2,19,not acept,furnished,900,4142,0,53,5095 +Rio de Janeiro,140,3,2,1,8,acept,not furnished,2200,4200,331,55,6786 +São Paulo,400,2,5,4,-,acept,not furnished,0,6000,484,91,6575 +Porto Alegre,127,3,2,1,1,acept,furnished,539,3000,120,44,3703 +São Paulo,60,2,2,1,27,acept,furnished,654,3300,96,42,4092 +Belo Horizonte,230,3,3,3,5,acept,not furnished,700,4000,408,54,5162 +São Paulo,48,1,1,1,21,not acept,furnished,1137,6698,166,85,8086 +Campinas,62,3,2,1,12,acept,not furnished,330,2975,59,38,3402 +São Paulo,110,3,2,1,1,acept,not furnished,1130,4500,262,58,5950 +São Paulo,80,3,3,2,1,not acept,not furnished,1180,2800,0,36,4016 +Rio de Janeiro,54,1,1,0,3,acept,furnished,734,2400,286,31,3451 +São Paulo,42,1,1,1,4,not acept,furnished,660,4400,41,56,5157 +Belo Horizonte,55,2,1,1,4,acept,not furnished,176,850,60,12,1098 +São Paulo,161,3,5,3,12,acept,not furnished,2541,6500,567,83,9691 +Belo Horizonte,70,2,1,1,3,acept,not furnished,390,1100,74,15,1579 +São Paulo,35,1,1,0,9,acept,furnished,450,1300,40,17,1807 +São Paulo,360,4,4,4,5,acept,not furnished,5767,9000,2507,115,17390 +Belo Horizonte,45,1,1,1,6,acept,not furnished,816,2900,9,39,3764 +São Paulo,55,1,1,0,1,not acept,not furnished,150,730,0,10,890 +Rio de Janeiro,25,1,1,0,3,acept,furnished,350,1750,46,23,2169 +Belo Horizonte,68,3,2,1,1,acept,furnished,360,2250,95,30,2735 +São Paulo,900,3,4,8,-,acept,not furnished,0,20000,3813,301,24110 +Porto Alegre,71,2,1,0,1,acept,not furnished,330,990,0,15,1335 +Rio de Janeiro,250,3,2,1,7,acept,not furnished,1642,6400,746,83,8871 +Belo Horizonte,305,4,5,5,29,acept,not furnished,4596,14000,2239,187,21020 +São Paulo,81,3,2,1,12,acept,not furnished,580,1700,90,22,2392 +São Paulo,234,3,4,4,14,acept,not furnished,1710,3600,1375,46,6731 +Campinas,54,1,2,0,1,acept,not furnished,245,720,46,10,1021 +São Paulo,70,2,1,1,1,not acept,furnished,703,4960,347,63,6073 +Belo Horizonte,100,3,2,1,3,acept,not furnished,600,1800,140,24,2564 +São Paulo,48,1,1,1,4,acept,furnished,1450,4200,135,54,5839 +Porto Alegre,88,2,2,1,3,acept,not furnished,700,1900,77,28,2705 +São Paulo,40,1,1,0,-,acept,not furnished,0,2000,53,31,2084 +Porto Alegre,76,1,1,0,5,not acept,furnished,503,1490,177,22,2192 +São Paulo,109,3,2,2,13,acept,not furnished,1156,6500,319,83,8058 +Belo Horizonte,160,3,3,2,3,acept,not furnished,1364,2650,269,36,4319 +São Paulo,106,2,1,0,2,acept,not furnished,110,1790,0,23,1923 +Rio de Janeiro,90,4,2,0,4,acept,furnished,568,1900,55,25,2548 +São Paulo,70,2,2,1,12,acept,not furnished,665,2000,0,26,2691 +São Paulo,120,2,1,4,-,acept,not furnished,0,2000,207,31,2238 +São Paulo,230,3,3,3,7,acept,not furnished,2500,3916,586,50,7052 +São Paulo,130,2,2,2,-,acept,not furnished,0,3500,448,53,4001 +São Paulo,67,2,2,1,9,acept,not furnished,730,1970,205,25,2930 +Campinas,140,4,3,2,14,acept,not furnished,1030,3500,220,45,4795 +Rio de Janeiro,80,3,2,0,4,acept,not furnished,300,1500,71,20,1891 +São Paulo,40,1,1,0,3,acept,not furnished,307,1350,0,18,1675 +Belo Horizonte,49,2,1,1,4,acept,not furnished,225,1000,0,14,1239 +São Paulo,73,3,1,1,4,acept,furnished,1270,3800,138,49,5257 +São Paulo,110,2,3,3,-,acept,not furnished,0,2200,8,34,2242 +São Paulo,79,3,2,1,8,acept,furnished,580,2400,62,31,3073 +Belo Horizonte,40,1,1,0,4,not acept,not furnished,300,1155,55,16,1526 +São Paulo,370,4,6,0,8,acept,not furnished,3417,7900,2386,101,13800 +Belo Horizonte,140,4,3,2,3,acept,not furnished,822,2200,132,30,3184 +Rio de Janeiro,300,4,4,2,1,acept,not furnished,2500,8000,1275,104,11880 +São Paulo,40,1,1,1,2,not acept,furnished,375,1635,0,21,2031 +Rio de Janeiro,100,3,2,2,8,acept,furnished,1129,1600,250,21,3000 +São Paulo,63,2,2,1,6,acept,not furnished,650,1890,9,24,2573 +São Paulo,150,3,2,1,6,not acept,not furnished,1246,5500,0,70,6816 +São Paulo,190,3,3,3,6,acept,not furnished,3000,13000,84,165,16250 +Rio de Janeiro,100,3,2,2,13,acept,not furnished,970,2400,395,31,3796 +Porto Alegre,132,6,4,2,18,acept,not furnished,800,3400,117,50,4367 +São Paulo,127,2,3,3,3,acept,not furnished,2300,3300,500,42,6142 +São Paulo,222,3,3,2,-,acept,not furnished,0,2400,292,21,2713 +São Paulo,80,2,2,1,-,acept,not furnished,0,1680,9,26,1715 +São Paulo,208,4,4,3,5,acept,not furnished,3600,12000,1084,153,16840 +São Paulo,480,4,4,6,-,acept,not furnished,0,10000,1000,151,11150 +São Paulo,360,3,5,2,1,acept,not furnished,3500,15000,834,191,19530 +São Paulo,142,3,2,2,8,acept,not furnished,1026,1750,243,23,3042 +Rio de Janeiro,150,3,3,0,6,not acept,not furnished,1100,5100,242,66,6508 +Rio de Janeiro,54,2,1,1,9,acept,not furnished,560,1600,0,21,2181 +Rio de Janeiro,35,1,1,0,6,acept,not furnished,480,1000,0,13,1493 +Campinas,44,2,1,1,5,acept,not furnished,250,1090,10,14,1364 +São Paulo,130,3,2,1,1,acept,not furnished,1200,4500,100,58,5858 +Porto Alegre,70,2,2,0,4,not acept,furnished,250,1550,42,23,1865 +São Paulo,68,2,1,0,1,acept,not furnished,230,1300,0,17,1547 +São Paulo,212,4,3,4,1,acept,not furnished,3300,15000,1272,191,19760 +Rio de Janeiro,35,1,1,1,4,acept,furnished,580,3300,112,43,4035 +São Paulo,116,3,2,1,6,acept,not furnished,950,1700,90,22,2762 +São Paulo,80,1,1,0,11,acept,furnished,427,1900,0,25,2352 +São Paulo,47,1,1,1,6,acept,not furnished,756,2250,114,29,3149 +Rio de Janeiro,60,3,2,1,1,acept,furnished,842,1000,63,13,1918 +Rio de Janeiro,75,2,1,0,4,acept,not furnished,440,1200,0,16,1656 +Belo Horizonte,60,1,1,1,8,acept,furnished,694,1098,151,15,1958 +São Paulo,100,2,1,0,-,not acept,not furnished,0,5000,125,76,5201 +Belo Horizonte,22,1,1,1,1,not acept,furnished,0,1500,0,20,1520 +São Paulo,75,3,2,1,13,not acept,furnished,700,2900,125,37,3762 +São Paulo,75,2,3,2,6,not acept,not furnished,499,2500,70,32,3101 +Belo Horizonte,65,2,1,1,2,acept,not furnished,220,700,0,10,930 +São Paulo,25,1,1,0,16,acept,not furnished,294,1300,22,17,1633 +São Paulo,194,4,3,2,7,acept,not furnished,2600,2999,643,38,6280 +São Paulo,75,2,2,0,-,acept,not furnished,0,2000,109,31,2140 +Belo Horizonte,51,2,1,0,2,acept,furnished,165,1000,27,14,1206 +São Paulo,63,2,2,2,4,not acept,not furnished,600,4080,167,52,4899 +Rio de Janeiro,90,2,2,1,3,acept,not furnished,600,1200,17,16,1833 +São Paulo,45,2,1,1,2,not acept,furnished,1300,3000,167,39,4506 +Rio de Janeiro,85,2,2,1,1,acept,not furnished,1100,2000,82,26,3208 +Rio de Janeiro,70,2,2,1,6,acept,not furnished,695,1700,59,22,2476 +Porto Alegre,66,2,1,0,1,acept,not furnished,150,1700,59,25,1934 +Rio de Janeiro,45,1,1,0,11,acept,not furnished,470,1100,0,15,1585 +Porto Alegre,114,3,2,1,2,acept,furnished,750,2900,109,43,3802 +Rio de Janeiro,26,1,1,0,2,acept,furnished,380,2300,61,30,2771 +Porto Alegre,60,1,1,2,1,acept,furnished,0,2000,0,30,2030 +Porto Alegre,44,1,1,0,2,acept,not furnished,280,1100,30,17,1427 +Belo Horizonte,20,1,1,0,6,not acept,not furnished,420,1050,79,14,1563 +São Paulo,91,2,3,2,5,not acept,not furnished,2065,9800,500,125,12490 +Rio de Janeiro,70,2,2,1,2,acept,not furnished,650,1000,45,13,1708 +São Paulo,30,1,1,0,1,acept,furnished,0,1550,21,20,1591 +Belo Horizonte,308,4,5,4,18,acept,furnished,1750,15000,167,200,17120 +São Paulo,90,2,2,1,3,acept,not furnished,1000,3000,50,39,4089 +São Paulo,217,3,5,6,-,acept,not furnished,0,5000,417,76,5493 +Campinas,47,1,1,0,2,acept,not furnished,400,1700,72,22,2194 +Rio de Janeiro,60,2,1,1,3,acept,not furnished,150,1800,0,24,1974 +São Paulo,35,1,1,0,1,not acept,not furnished,250,1305,0,17,1572 +São Paulo,490,3,5,4,-,acept,not furnished,0,10000,2270,151,12420 +São Paulo,180,3,3,2,5,not acept,not furnished,1600,3000,0,39,4639 +Porto Alegre,65,2,2,2,6,acept,not furnished,400,1950,41,29,2420 +Porto Alegre,76,2,2,2,3,acept,not furnished,600,1700,34,25,2359 +Campinas,56,2,1,1,5,acept,not furnished,340,1400,57,18,1815 +São Paulo,68,1,1,0,3,acept,not furnished,500,1500,0,20,2020 +Campinas,56,1,1,1,6,acept,furnished,722,1350,50,18,2140 +Rio de Janeiro,131,3,2,2,3,acept,not furnished,2800,10000,500,129,13430 +São Paulo,100,3,1,4,-,acept,not furnished,0,2500,226,38,2764 +São Paulo,72,2,2,1,18,acept,not furnished,350,2500,125,32,3007 +Belo Horizonte,88,3,2,1,2,acept,not furnished,289,1450,114,20,1873 +Rio de Janeiro,38,1,1,0,2,acept,furnished,700,1850,150,24,2724 +São Paulo,49,2,1,1,15,acept,not furnished,487,1300,17,17,1821 +São Paulo,60,1,1,1,8,acept,not furnished,900,4600,100,59,5659 +São Paulo,80,2,1,1,2,acept,not furnished,1257,2950,195,38,4440 +Porto Alegre,280,5,3,3,-,acept,furnished,0,4000,117,72,4189 +São Paulo,510,4,3,5,-,acept,not furnished,0,10000,517,151,10670 +São Paulo,148,1,2,4,25,acept,not furnished,1845,9900,550,126,12420 +Porto Alegre,76,3,2,1,9,acept,not furnished,550,1600,59,24,2233 +Belo Horizonte,110,3,2,1,2,not acept,not furnished,400,1400,150,19,1969 +Belo Horizonte,22,1,1,1,1,not acept,not furnished,0,1275,0,17,1292 +São Paulo,42,1,1,1,-,acept,furnished,450,2000,88,26,2564 +São Paulo,59,2,1,1,1,not acept,not furnished,490,1700,0,22,2212 +São Paulo,158,4,4,4,10,acept,furnished,2250,2500,423,32,5205 +Belo Horizonte,65,2,2,1,1,not acept,not furnished,290,925,84,13,1312 +São Paulo,20,1,1,0,-,acept,furnished,602,1800,130,23,2555 +São Paulo,298,4,4,1,-,acept,not furnished,0,3000,0,46,3046 +Rio de Janeiro,38,1,1,0,4,not acept,furnished,877,2280,123,30,3310 +São Paulo,213,4,4,3,17,acept,not furnished,2600,6500,1157,83,10340 +São Paulo,150,3,2,3,-,acept,not furnished,0,1900,125,29,2054 +Rio de Janeiro,60,1,1,0,1,acept,not furnished,350,1000,0,13,1363 +São Paulo,65,2,1,1,1,acept,not furnished,100,1400,84,18,1602 +São Paulo,169,4,4,4,9,acept,not furnished,1800,6450,1140,82,9472 +São Paulo,100,2,3,1,2,acept,not furnished,1260,3973,315,51,5599 +São Paulo,158,4,4,3,5,acept,not furnished,2100,6600,375,84,9159 +São Paulo,150,2,2,2,-,acept,not furnished,0,6000,667,91,6758 +Porto Alegre,49,2,1,0,4,acept,not furnished,250,1650,15,25,1940 +São Paulo,260,4,4,4,7,acept,not furnished,3400,5000,1417,64,9881 +Rio de Janeiro,65,1,1,1,3,acept,not furnished,780,2500,241,33,3554 +São Paulo,380,6,5,3,-,not acept,not furnished,0,9000,417,136,9553 +Belo Horizonte,70,3,1,0,1,acept,not furnished,205,1200,25,16,1446 +Campinas,180,2,1,0,-,acept,not furnished,0,2000,15,31,2046 +Rio de Janeiro,105,2,1,0,2,acept,not furnished,400,1250,55,17,1722 +Belo Horizonte,300,8,3,1,-,acept,not furnished,0,4000,500,66,4566 +São Paulo,190,3,3,1,1,acept,not furnished,2000,9000,492,115,11610 +Belo Horizonte,67,2,2,2,1,acept,not furnished,202,1000,82,14,1298 +São Paulo,96,2,2,2,25,not acept,furnished,1200,9000,0,115,10320 +Porto Alegre,75,2,2,1,6,acept,not furnished,200,1300,250,19,1769 +Campinas,45,1,1,1,2,acept,not furnished,367,1100,34,14,1515 +São Paulo,60,2,1,1,4,acept,furnished,489,1900,0,25,2414 +São Paulo,45,1,1,1,2,not acept,furnished,781,2970,92,38,3881 +São Paulo,38,1,1,1,5,not acept,furnished,1450,3400,0,44,4894 +São Paulo,75,1,1,1,-,not acept,not furnished,0,1521,163,23,1707 +São Paulo,442,5,6,6,-,acept,not furnished,0,7500,1301,113,8914 +São Paulo,220,3,3,2,8,not acept,furnished,1700,11000,542,140,13380 +São Paulo,140,3,1,2,-,not acept,not furnished,140,6000,273,91,6504 +Belo Horizonte,76,3,2,1,3,acept,not furnished,375,1400,128,19,1922 +Campinas,60,2,1,1,4,acept,not furnished,395,580,15,8,998 +Porto Alegre,50,1,1,0,-,acept,not furnished,250,803,0,12,1065 +São Paulo,165,4,3,2,-,acept,not furnished,0,5000,46,76,5122 +São Paulo,90,1,1,0,-,not acept,not furnished,0,1150,59,18,1227 +Campinas,62,2,1,1,6,acept,not furnished,447,1200,76,16,1739 +São Paulo,120,3,2,2,-,acept,not furnished,0,3800,0,58,3858 +Belo Horizonte,279,4,5,4,-,acept,not furnished,0,4500,379,74,4953 +Rio de Janeiro,79,3,2,0,9,not acept,furnished,781,3500,183,46,4510 +Rio de Janeiro,45,1,1,0,4,acept,not furnished,480,980,0,13,1473 +Rio de Janeiro,36,1,1,0,6,acept,not furnished,700,590,244,8,1542 +Campinas,47,1,1,0,10,not acept,furnished,580,750,0,10,1340 +Campinas,270,4,4,8,-,acept,not furnished,0,3200,144,49,3393 +Belo Horizonte,25,1,1,0,3,not acept,furnished,700,890,59,12,1661 +São Paulo,45,2,1,1,14,acept,not furnished,280,1125,26,15,1446 +São Paulo,255,4,4,3,2,acept,not furnished,5000,6600,1678,84,13360 +Campinas,55,1,2,1,4,not acept,not furnished,744,954,74,13,1785 +São Paulo,85,3,3,2,3,not acept,not furnished,1600,4940,300,63,6903 +Belo Horizonte,200,3,3,2,4,acept,not furnished,370,2700,135,36,3241 +Porto Alegre,55,2,2,0,4,acept,not furnished,290,1400,34,21,1745 +São Paulo,180,5,5,2,15,acept,not furnished,1285,2287,517,29,4118 +Campinas,64,2,2,2,51,acept,not furnished,800,1900,129,25,2854 +Porto Alegre,42,2,1,1,2,acept,not furnished,900,923,100,14,1937 +São Paulo,300,3,3,5,-,acept,not furnished,0,5400,834,82,6316 +São Paulo,32,1,1,1,22,acept,furnished,1800,2000,416,26,4242 +São Paulo,64,2,1,2,3,acept,not furnished,480,1850,39,24,2393 +São Paulo,72,2,2,1,9,acept,not furnished,626,1440,27,19,2112 +Rio de Janeiro,30,1,1,0,20,not acept,not furnished,0,1000,0,13,1013 +Porto Alegre,55,2,1,0,1,acept,not furnished,150,1250,85,19,1504 +São Paulo,253,3,5,5,9,acept,not furnished,2760,6750,1770,86,11370 +São Paulo,147,3,2,0,9,not acept,furnished,1500,4250,0,54,5804 +São Paulo,110,3,3,1,7,acept,not furnished,1306,4575,140,58,6079 +São Paulo,400,4,3,4,-,acept,not furnished,0,3760,2084,57,5901 +Porto Alegre,350,5,4,2,-,acept,not furnished,0,4794,500,86,5380 +São Paulo,510,5,5,5,-,not acept,furnished,0,10000,2317,151,12470 +São Paulo,246,3,4,4,9,acept,furnished,3350,10000,1480,127,14960 +Campinas,92,3,4,2,1,acept,not furnished,804,2200,144,28,3176 +São Paulo,54,2,2,1,6,not acept,not furnished,500,2300,167,30,2997 +São Paulo,130,3,2,0,12,acept,not furnished,1655,3700,350,47,5752 +Rio de Janeiro,53,2,2,1,7,acept,not furnished,950,1100,60,15,2125 +São Paulo,59,2,1,1,10,acept,not furnished,589,1500,0,20,2109 +Belo Horizonte,153,3,2,2,-,acept,not furnished,0,9876,196,162,10230 +São Paulo,78,2,1,1,1,acept,not furnished,430,950,32,13,1425 +São Paulo,305,3,3,3,8,acept,not furnished,3100,5500,2167,70,10840 +Campinas,54,1,1,1,9,acept,not furnished,758,1148,84,15,2005 +São Paulo,80,2,2,0,2,acept,not furnished,580,1275,113,17,1985 +São Paulo,26,1,1,0,6,acept,not furnished,308,1490,0,19,1817 +São Paulo,96,2,1,1,8,not acept,not furnished,795,2500,159,32,3486 +Campinas,70,3,1,1,1,acept,not furnished,650,1300,17,17,1984 +São Paulo,56,2,1,1,11,acept,furnished,530,2500,0,32,3062 +Belo Horizonte,320,5,3,4,-,acept,not furnished,0,5500,219,91,5810 +São Paulo,30,1,1,0,-,not acept,not furnished,0,861,0,13,874 +Rio de Janeiro,45,1,1,0,11,not acept,not furnished,340,1000,0,13,1353 +Campinas,60,2,1,0,1,acept,not furnished,457,1134,55,15,1661 +São Paulo,101,2,3,1,12,acept,not furnished,900,3500,267,45,4712 +São Paulo,220,4,4,2,10,acept,not furnished,2500,3200,552,41,6293 +São Paulo,60,2,1,0,-,not acept,not furnished,0,1200,44,19,1263 +São Paulo,62,2,1,1,3,acept,not furnished,350,1800,55,23,2228 +Rio de Janeiro,65,2,1,1,3,acept,not furnished,800,1100,0,15,1915 +Porto Alegre,111,2,2,1,-,acept,not furnished,218,1102,33,20,1373 +São Paulo,140,2,1,2,-,acept,not furnished,0,4000,821,61,4882 +São Paulo,17,1,1,0,1,not acept,furnished,300,2100,50,27,2477 +São Paulo,90,3,2,2,7,acept,not furnished,1300,3500,250,45,5095 +São Paulo,40,1,1,0,-,not acept,not furnished,0,1350,80,21,1451 +Rio de Janeiro,70,2,2,0,7,not acept,furnished,750,6100,150,79,7079 +São Paulo,370,4,5,5,17,acept,furnished,4800,5000,1992,64,11860 +Porto Alegre,48,2,1,1,3,acept,not furnished,400,1000,7,15,1422 +Belo Horizonte,130,3,2,1,2,acept,not furnished,747,2500,122,34,3403 +São Paulo,303,3,4,4,1,acept,furnished,4540,18000,0,229,22770 +São Paulo,150,3,4,3,6,acept,not furnished,3500,10740,67,137,14440 +São Paulo,45,1,1,1,1,not acept,furnished,3000,5520,0,70,8590 +Belo Horizonte,190,4,4,3,1,not acept,not furnished,1740,6200,501,83,8524 +Belo Horizonte,250,4,4,0,-,acept,not furnished,0,3940,0,65,4005 +Campinas,78,3,2,2,3,acept,not furnished,605,1690,68,22,2385 +São Paulo,160,3,3,2,-,acept,not furnished,0,2500,7,38,2545 +Rio de Janeiro,100,3,2,1,6,acept,not furnished,1005,1850,85,24,2964 +São Paulo,298,3,4,3,-,acept,furnished,0,14700,1284,221,16210 +Porto Alegre,140,3,3,1,-,acept,not furnished,100,1500,59,27,1686 +São Paulo,78,2,2,2,13,acept,not furnished,613,4338,0,55,5006 +Campinas,47,1,1,1,12,acept,not furnished,1500,650,0,9,2159 +São Paulo,80,2,1,2,2,acept,furnished,900,2424,245,31,3600 +São Paulo,20,1,1,0,6,acept,furnished,602,1800,130,23,2555 +São Paulo,60,2,1,1,5,acept,not furnished,675,1550,0,20,2245 +Rio de Janeiro,52,1,1,0,12,not acept,furnished,750,2500,117,33,3400 +Belo Horizonte,75,3,1,1,4,acept,not furnished,263,1100,61,15,1439 +São Paulo,45,2,1,1,4,acept,furnished,430,2364,77,30,2901 +São Paulo,26,1,1,0,-,not acept,not furnished,0,900,10,12,922 +Belo Horizonte,120,3,2,0,-,acept,not furnished,0,2200,76,37,2313 +São Paulo,239,4,4,4,15,acept,not furnished,2027,5500,974,70,8571 +São Paulo,22,1,1,1,19,not acept,not furnished,500,2200,0,28,2728 +São Paulo,750,7,6,5,-,acept,furnished,0,5800,559,88,6447 +Rio de Janeiro,148,3,2,2,1,acept,not furnished,1422,4000,279,52,5753 +Rio de Janeiro,80,2,1,0,10,not acept,not furnished,700,1000,98,13,1811 +São Paulo,76,3,1,2,2,acept,furnished,900,2280,270,29,3479 +São Paulo,45,1,1,1,3,acept,not furnished,520,3200,105,41,3866 +Campinas,74,3,2,1,7,acept,not furnished,650,1600,250,21,2521 +Porto Alegre,38,1,1,1,3,acept,not furnished,360,500,6,8,874 +São Paulo,57,1,1,0,10,acept,furnished,300,6000,17,77,6394 +São Paulo,40,1,1,0,-,not acept,not furnished,0,780,17,12,809 +São Paulo,147,3,3,2,7,acept,not furnished,1520,2200,513,28,4261 +São Paulo,300,4,5,2,6,acept,furnished,3600,7800,609,99,12110 +São Paulo,50,2,1,1,3,acept,not furnished,480,1200,72,16,1768 +Porto Alegre,55,1,1,1,10,not acept,furnished,620,3500,104,52,4276 +Rio de Janeiro,25,1,1,0,1,acept,furnished,500,1400,26,19,1945 +São Paulo,80,3,2,2,6,acept,not furnished,1219,3650,90,47,5006 +Belo Horizonte,300,2,4,3,7,acept,furnished,3500,2800,667,38,7005 +São Paulo,680,4,5,8,-,acept,not furnished,0,8000,217,121,8338 +São Paulo,252,4,5,5,18,acept,furnished,3100,12500,1750,159,17510 +São Paulo,208,3,3,2,2,acept,furnished,2354,7000,552,89,9995 +Rio de Janeiro,36,1,1,0,7,acept,not furnished,520,750,51,10,1331 +Belo Horizonte,50,2,1,1,3,acept,not furnished,230,1100,28,15,1373 +Rio de Janeiro,70,1,2,0,-,not acept,not furnished,0,1200,0,19,1219 +Belo Horizonte,184,5,3,2,3,acept,not furnished,330,2600,171,35,3136 +São Paulo,100,2,2,2,-,acept,not furnished,0,5590,280,85,5955 +Porto Alegre,73,2,1,0,1,acept,furnished,260,1350,25,20,1655 +Rio de Janeiro,140,3,2,1,5,acept,furnished,1585,1290,330,17,3222 +Rio de Janeiro,240,3,2,1,5,acept,furnished,1900,8000,459,104,10460 +São Paulo,60,2,1,1,2,acept,not furnished,0,2700,0,35,2735 +São Paulo,170,3,3,2,9,acept,not furnished,1500,4500,503,58,6561 +Porto Alegre,59,2,1,1,4,acept,furnished,260,1930,50,29,2269 +Rio de Janeiro,169,3,2,1,7,acept,not furnished,1300,2700,308,35,4343 +Campinas,58,1,2,2,2,acept,not furnished,630,1235,80,16,1961 +Campinas,110,2,1,1,2,acept,not furnished,130,980,52,13,1175 +São Paulo,70,2,2,0,-,not acept,not furnished,0,1500,0,23,1523 +Porto Alegre,27,1,1,0,2,acept,not furnished,100,960,75,15,1150 +São Paulo,200,3,2,3,3,acept,not furnished,1600,4000,0,51,5651 +Rio de Janeiro,180,3,2,2,10,not acept,not furnished,2000,7000,100,91,9191 +São Paulo,33,1,1,1,5,not acept,furnished,1750,1000,100,13,2863 +São Paulo,120,2,3,0,-,acept,not furnished,0,7000,450,106,7556 +Porto Alegre,47,1,1,1,1,not acept,furnished,400,2200,0,33,2633 +São Paulo,470,5,4,6,-,acept,not furnished,0,7200,667,109,7976 +Campinas,277,3,4,4,-,acept,not furnished,0,3170,28,48,3246 +Rio de Janeiro,71,3,2,0,1,not acept,not furnished,300,1450,8,19,1777 +São Paulo,40,1,1,1,-,acept,not furnished,0,1200,0,19,1219 +São Paulo,90,2,1,0,9,not acept,not furnished,1200,3850,130,49,5229 +São Paulo,244,3,4,2,-,acept,not furnished,0,4500,535,68,5103 +Campinas,55,1,1,1,2,acept,not furnished,570,1100,0,14,1684 +Campinas,92,3,2,2,13,acept,furnished,720,3200,139,41,4100 +São Paulo,318,5,3,2,-,acept,furnished,0,3840,600,58,4498 +Rio de Janeiro,74,3,1,0,-,acept,not furnished,0,1600,40,25,1665 +São Paulo,60,2,2,1,7,acept,not furnished,600,2200,49,28,2877 +Belo Horizonte,120,3,3,1,3,acept,furnished,330,2300,173,31,2834 +São Paulo,30,1,1,1,18,not acept,not furnished,2000,1950,229,25,4204 +São Paulo,55,1,1,1,2,acept,furnished,1950,5000,375,64,7389 +Porto Alegre,38,1,1,0,5,acept,not furnished,350,770,38,12,1170 +Porto Alegre,55,3,1,0,-,not acept,not furnished,0,720,8,13,741 +São Paulo,182,3,2,1,6,acept,not furnished,1990,9000,283,115,11390 +Rio de Janeiro,77,2,2,1,21,acept,not furnished,932,1950,137,26,3045 +Campinas,160,3,1,4,-,not acept,not furnished,0,3400,135,52,3587 +São Paulo,346,4,4,4,6,acept,not furnished,2200,4080,2704,52,9036 +Rio de Janeiro,80,2,1,0,8,acept,not furnished,900,1300,220,17,2437 +Campinas,88,3,2,2,1,acept,furnished,900,1950,104,25,2979 +Rio de Janeiro,75,2,2,1,8,acept,not furnished,900,2500,273,33,3706 +Rio de Janeiro,120,3,2,0,3,acept,not furnished,1333,3500,259,46,5138 +Rio de Janeiro,28,1,1,0,12,acept,not furnished,600,1230,50,16,1896 +São Paulo,29,1,1,0,5,acept,furnished,400,2000,5,26,2431 +Belo Horizonte,67,3,1,1,3,acept,not furnished,235,900,70,12,1217 +São Paulo,110,3,2,1,1,not acept,furnished,1172,6500,193,83,7948 +São Paulo,170,3,2,1,12,acept,furnished,1700,5500,415,70,7685 +São Paulo,80,2,2,1,-,not acept,not furnished,0,1500,75,23,1598 +São Paulo,72,2,1,1,4,acept,not furnished,860,1440,0,19,2319 +Belo Horizonte,76,1,2,2,6,acept,not furnished,892,4000,354,54,5300 +Rio de Janeiro,126,2,2,1,2,acept,not furnished,1949,3500,312,46,5807 +São Paulo,150,1,2,2,24,acept,not furnished,1100,5500,300,70,6970 +Rio de Janeiro,40,1,1,0,9,acept,not furnished,300,1505,25,20,1850 +São Paulo,84,3,2,3,8,not acept,not furnished,1450,3200,413,41,5104 +Rio de Janeiro,100,4,4,1,-,acept,furnished,1350,4350,0,57,5757 +São Paulo,209,3,3,0,4,acept,not furnished,2200,4000,803,51,7054 +Belo Horizonte,100,3,2,1,2,acept,not furnished,745,1400,119,19,2283 +São Paulo,50,2,1,1,3,acept,not furnished,360,1300,0,17,1677 +Campinas,110,3,3,2,-,acept,not furnished,560,3200,88,49,3897 +Rio de Janeiro,23,1,1,0,4,not acept,not furnished,550,1500,0,20,2070 +São Paulo,50,1,1,0,-,not acept,not furnished,0,1200,84,19,1303 +São Paulo,68,1,2,1,11,acept,not furnished,1200,4500,100,58,5858 +Porto Alegre,86,2,1,0,-,acept,not furnished,250,1150,58,21,1479 +São Paulo,57,2,2,1,8,acept,not furnished,465,1150,10,15,1640 +Belo Horizonte,110,2,2,1,6,acept,not furnished,700,4000,84,54,4838 +São Paulo,69,2,1,1,3,acept,not furnished,470,1550,70,20,2110 +Campinas,48,1,1,1,1,not acept,not furnished,450,550,42,7,1049 +São Paulo,240,3,5,3,14,acept,furnished,3500,10800,1250,137,15690 +Belo Horizonte,84,3,2,0,3,acept,not furnished,250,1250,130,17,1647 +São Paulo,88,2,2,3,20,acept,furnished,3114,3400,463,44,7021 +São Paulo,270,3,2,2,15,acept,not furnished,2168,10000,407,127,12700 +Rio de Janeiro,66,2,1,1,5,acept,not furnished,800,1560,88,21,2469 +Rio de Janeiro,81,3,1,1,7,acept,not furnished,725,1500,49,20,2294 +São Paulo,184,4,3,3,2,acept,furnished,1200,4500,750,58,6508 +São Paulo,170,3,2,2,-,not acept,not furnished,0,3000,50,46,3096 +São Paulo,500,3,5,2,11,acept,not furnished,5000,15000,1000,191,21190 +São Paulo,200,3,4,3,18,acept,furnished,2350,6200,1084,79,9713 +São Paulo,70,2,2,1,7,acept,not furnished,569,1900,25,25,2519 +Belo Horizonte,155,4,5,3,15,acept,not furnished,1700,6200,542,83,8525 +São Paulo,100,3,1,0,-,acept,furnished,870,2650,0,34,3554 +São Paulo,198,1,1,3,2,not acept,furnished,1100,10700,350,136,12290 +São Paulo,45,2,1,0,5,not acept,furnished,400,2800,0,36,3236 +São Paulo,40,1,1,1,8,not acept,furnished,1800,4800,350,61,7011 +Porto Alegre,30,1,1,0,2,acept,furnished,200,1100,42,17,1359 +São Paulo,44,1,1,1,5,acept,furnished,760,2572,91,33,3456 +São Paulo,98,3,2,2,12,not acept,not furnished,958,4300,180,55,5493 +Belo Horizonte,73,3,1,0,1,acept,not furnished,200,900,38,12,1150 +São Paulo,340,4,4,4,15,acept,furnished,2500,8700,0,111,11310 +Porto Alegre,101,3,2,0,3,acept,furnished,450,1920,87,29,2486 +Rio de Janeiro,30,1,1,0,11,acept,not furnished,500,1720,0,23,2243 +São Paulo,80,1,1,0,-,acept,not furnished,0,1600,60,25,1685 +Rio de Janeiro,30,1,1,1,3,acept,not furnished,0,500,0,7,507 +São Paulo,999,4,5,6,-,acept,not furnished,2500,15000,2500,226,20230 +São Paulo,171,3,5,3,16,acept,not furnished,1320,10600,870,135,12930 +São Paulo,100,3,2,1,1,acept,not furnished,879,1600,90,21,2590 +São Paulo,70,2,1,1,9,acept,not furnished,767,2707,0,11,3485 +São Paulo,49,1,1,0,1,acept,furnished,768,2600,66,33,3467 +Belo Horizonte,62,2,2,0,1,acept,not furnished,0,1300,0,18,1318 +São Paulo,162,4,5,3,16,acept,not furnished,1720,3700,525,47,5992 +São Paulo,260,4,4,4,4,acept,not furnished,3247,15000,1589,191,20030 +Rio de Janeiro,266,4,4,2,4,acept,not furnished,1704,4850,659,63,7276 +São Paulo,250,3,5,5,18,acept,furnished,3427,15000,1834,191,20450 +São Paulo,124,3,3,2,2,not acept,not furnished,2019,2500,430,32,4981 +Belo Horizonte,57,3,1,1,4,acept,not furnished,300,900,56,12,1268 +São Paulo,218,3,4,2,6,not acept,not furnished,1800,7800,334,99,10030 +São Paulo,210,4,4,4,5,acept,not furnished,3000,13100,1325,166,17590 +Porto Alegre,274,3,2,2,1,acept,not furnished,300,2500,253,37,3090 +São Paulo,52,2,2,1,2,acept,furnished,391,1800,0,23,2214 +São Paulo,254,4,6,5,14,not acept,furnished,4000,7740,1584,99,13420 +São Paulo,147,3,3,3,13,acept,not furnished,1157,3600,309,46,5112 +Rio de Janeiro,78,2,2,1,2,acept,not furnished,180,1650,0,26,1856 +São Paulo,60,2,2,0,-,acept,not furnished,518,1300,170,10,1998 +Rio de Janeiro,130,3,2,0,6,acept,not furnished,1350,2700,300,35,4385 +São Paulo,50,1,1,1,21,acept,furnished,765,2700,105,35,3605 +São Paulo,110,3,2,3,11,acept,not furnished,1150,2600,334,33,4117 +Rio de Janeiro,80,2,1,0,2,acept,not furnished,270,2850,173,37,3330 +São Paulo,376,5,6,4,13,acept,not furnished,4252,12000,1980,153,18390 +São Paulo,50,2,1,0,12,acept,not furnished,500,1370,7,18,1895 +São Paulo,179,3,2,2,5,acept,not furnished,2080,10000,443,127,12650 +Campinas,163,3,5,3,20,acept,not furnished,1450,9800,350,125,11730 +Rio de Janeiro,110,3,1,1,8,acept,not furnished,1055,1820,124,24,3023 +São Paulo,330,6,4,3,-,acept,not furnished,0,13000,1156,196,14350 +São Paulo,35,1,1,0,18,acept,not furnished,250,1850,0,24,2124 +Campinas,96,3,3,2,4,not acept,not furnished,590,4147,243,53,5033 +Belo Horizonte,90,2,3,0,-,acept,not furnished,0,2080,9,35,2124 +São Paulo,45,1,1,0,-,acept,not furnished,0,1500,76,23,1599 +São Paulo,130,3,1,1,-,acept,not furnished,0,5600,0,85,5685 +Rio de Janeiro,77,2,1,0,5,acept,not furnished,705,1200,59,16,1980 +São Paulo,35,1,1,1,2,acept,not furnished,762,2650,127,34,3573 +São Paulo,280,3,4,4,14,not acept,furnished,3700,12000,1150,153,17000 +São Paulo,24606,5,4,4,12,acept,not furnished,2254,8100,7859,103,18320 +Belo Horizonte,344,4,4,3,-,not acept,not furnished,0,3500,121,58,3679 +Belo Horizonte,140,4,2,2,3,acept,not furnished,877,1950,271,26,3124 +Belo Horizonte,95,3,4,1,9,acept,not furnished,957,3000,254,40,4251 +Campinas,55,2,1,1,1,acept,not furnished,270,900,34,12,1216 +Campinas,54,1,2,0,1,acept,not furnished,245,720,46,10,1021 +Belo Horizonte,50,2,1,2,6,acept,not furnished,220,850,109,12,1191 +São Paulo,200,4,5,4,16,acept,not furnished,2607,10000,1150,127,13880 +São Paulo,50,1,1,1,2,acept,not furnished,650,2350,24,30,3054 +São Paulo,200,4,2,3,-,acept,furnished,0,4500,0,68,4568 +São Paulo,67,2,2,1,1,acept,not furnished,1250,2840,255,36,4381 +São Paulo,62,3,2,1,8,not acept,not furnished,300,2050,0,26,2376 +Rio de Janeiro,50,1,1,0,2,acept,furnished,532,1700,77,22,2331 +Porto Alegre,77,2,2,2,3,acept,not furnished,450,2500,0,37,2987 +São Paulo,220,3,3,2,13,acept,not furnished,250,4680,184,60,5174 +São Paulo,253,4,5,3,1,acept,not furnished,2100,4100,0,52,6252 +São Paulo,500,4,4,3,-,acept,not furnished,0,9000,0,136,9136 +São Paulo,35,1,1,0,6,acept,not furnished,380,900,0,12,1292 +São Paulo,23,1,1,1,26,acept,not furnished,472,2300,59,30,2861 +São Paulo,325,4,3,2,3,acept,not furnished,4500,8500,1111,108,14220 +Porto Alegre,28,1,1,0,4,acept,not furnished,150,800,15,12,977 +Rio de Janeiro,76,2,2,1,9,acept,furnished,1400,3360,203,44,5007 +São Paulo,70,2,1,1,7,acept,not furnished,500,1300,48,17,1865 +São Paulo,120,3,4,2,5,acept,furnished,2200,2040,667,26,4933 +Rio de Janeiro,180,3,3,0,-,acept,not furnished,20,2500,170,39,2729 +São Paulo,350,4,3,4,-,acept,not furnished,0,6000,743,91,6834 +Porto Alegre,60,1,1,0,2,acept,not furnished,200,750,42,11,1003 +Porto Alegre,87,2,2,2,19,acept,not furnished,630,2900,67,43,3640 +São Paulo,80,3,1,0,-,not acept,not furnished,0,2837,342,36,3215 +São Paulo,90,3,1,0,-,acept,not furnished,0,2700,66,41,2807 +São Paulo,200,4,3,8,-,acept,not furnished,0,8700,1917,131,10750 +São Paulo,260,4,4,3,13,acept,not furnished,4070,15000,1500,191,20760 +Rio de Janeiro,100,3,1,2,1,acept,not furnished,1890,4500,213,58,6661 +São Paulo,50,2,2,0,1,not acept,not furnished,200,950,0,13,1163 +São Paulo,800,4,7,8,-,acept,not furnished,0,12000,1667,181,13850 +São Paulo,75,1,2,2,19,acept,not furnished,1092,2500,321,32,3945 +São Paulo,213,3,2,0,9,acept,not furnished,1490,4100,230,52,5872 +São Paulo,70,2,2,1,-,acept,not furnished,0,1650,102,25,1777 +Porto Alegre,55,2,1,0,2,acept,not furnished,287,1000,42,15,1344 +São Paulo,264,3,3,2,16,acept,furnished,2480,5300,665,68,8513 +Belo Horizonte,66,2,1,1,1,not acept,not furnished,250,1650,83,22,2005 +Campinas,269,4,5,0,12,acept,not furnished,3000,5100,963,65,9128 +Rio de Janeiro,50,2,1,1,5,acept,furnished,470,1550,13,20,2053 +São Paulo,400,4,5,5,-,acept,not furnished,0,10000,1896,151,12050 +São Paulo,38,1,1,0,3,not acept,not furnished,200,1685,30,22,1937 +Rio de Janeiro,50,2,1,0,5,acept,furnished,460,1800,50,24,2334 +São Paulo,84,1,1,1,1,not acept,not furnished,929,2500,246,32,3707 +Campinas,40,1,1,1,1,not acept,furnished,560,1000,33,13,1606 +São Paulo,50,1,1,0,-,not acept,not furnished,0,690,0,11,701 +Porto Alegre,27,1,1,0,2,acept,not furnished,100,960,75,15,1150 +São Paulo,90,2,2,0,1,acept,furnished,320,3200,0,41,3561 +Porto Alegre,50,1,1,0,2,not acept,not furnished,250,1500,50,22,1822 +São Paulo,220,3,4,1,6,acept,not furnished,1680,12000,334,153,14170 +São Paulo,106,3,3,1,2,acept,not furnished,970,2500,350,32,3852 +São Paulo,65,2,1,2,7,acept,not furnished,980,1800,167,23,2970 +Porto Alegre,70,2,1,1,2,acept,not furnished,390,930,45,14,1379 +São Paulo,260,2,3,4,-,acept,not furnished,0,5500,142,83,5725 +Campinas,60,2,1,1,3,acept,not furnished,345,820,16,11,1192 +Rio de Janeiro,80,2,2,0,3,acept,not furnished,450,1275,0,17,1742 +São Paulo,132,3,2,3,-,acept,not furnished,0,2500,59,38,2597 +São Paulo,85,2,2,2,7,not acept,not furnished,900,7200,417,92,8609 +São Paulo,600,4,6,6,-,acept,not furnished,0,12000,2592,181,14770 +São Paulo,87,2,2,1,5,acept,not furnished,2100,2975,117,38,5230 +São Paulo,78,3,1,2,7,acept,furnished,1350,2330,150,30,3860 +São Paulo,188,3,3,3,4,acept,furnished,1800,8000,841,102,10740 +Rio de Janeiro,38,1,1,1,3,acept,not furnished,423,1450,0,19,1892 +São Paulo,209,4,4,5,10,acept,furnished,3990,9800,0,125,13920 +São Paulo,280,4,5,4,14,acept,not furnished,3200,13000,1000,165,17370 +São Paulo,420,4,4,4,9,acept,not furnished,6000,15000,3334,191,24530 +Belo Horizonte,68,2,1,0,-,acept,not furnished,35,1000,0,17,1052 +Porto Alegre,46,1,1,0,5,acept,not furnished,280,990,30,15,1315 +Porto Alegre,63,2,1,2,6,acept,furnished,700,2750,92,41,3583 +São Paulo,220,3,3,3,-,acept,not furnished,0,3700,324,56,4080 +São Paulo,150,3,4,2,-,acept,not furnished,0,3000,42,46,3088 +São Paulo,98,2,2,2,29,acept,not furnished,1450,8500,450,108,10510 +Rio de Janeiro,119,3,3,2,7,acept,not furnished,1200,3000,129,39,4368 +Porto Alegre,40,1,1,0,2,not acept,not furnished,210,796,26,12,1044 +Porto Alegre,110,3,1,1,2,acept,not furnished,450,2700,83,40,3273 +São Paulo,50,2,3,0,-,not acept,not furnished,0,1740,84,27,1851 +São Paulo,25,1,1,0,23,acept,not furnished,432,2200,45,28,2705 +São Paulo,75,2,1,1,5,not acept,not furnished,748,2000,0,26,2774 +São Paulo,50,2,1,1,7,not acept,not furnished,347,1500,0,20,1867 +Rio de Janeiro,152,4,2,1,7,acept,furnished,1944,3500,357,46,5847 +São Paulo,330,4,2,8,-,not acept,not furnished,0,4000,388,61,4449 +São Paulo,251,3,2,2,-,acept,not furnished,0,3400,336,52,3788 +Rio de Janeiro,120,3,3,2,6,acept,not furnished,1316,3000,504,39,4859 +São Paulo,64,1,2,2,15,acept,not furnished,691,2100,92,27,2910 +Porto Alegre,180,3,2,1,3,not acept,not furnished,1300,2000,125,30,3455 +Belo Horizonte,61,3,1,1,2,acept,not furnished,300,1500,85,20,1905 +Campinas,62,2,1,0,2,acept,not furnished,430,800,25,11,1266 +São Paulo,35,1,1,1,1,not acept,furnished,444,3388,124,43,3999 +Belo Horizonte,60,2,1,1,2,acept,not furnished,250,1300,30,18,1598 +Porto Alegre,58,1,2,2,2,acept,not furnished,450,2200,0,33,2683 +São Paulo,146,3,5,2,8,acept,not furnished,1100,6600,424,84,8208 +São Paulo,176,3,4,3,4,acept,not furnished,1600,6500,775,83,8958 +São Paulo,220,6,2,2,-,acept,not furnished,0,3600,125,55,3780 +Belo Horizonte,47,2,1,1,4,not acept,not furnished,250,1300,0,18,1568 +São Paulo,30,1,1,0,-,not acept,not furnished,0,650,38,9,697 +São Paulo,103,3,2,0,14,acept,not furnished,950,2160,39,28,3177 +Rio de Janeiro,600,7,6,2,-,not acept,furnished,0,9000,1084,138,10220 +Rio de Janeiro,200,4,5,3,-,acept,not furnished,0,6200,155,95,6450 +São Paulo,34,1,1,0,10,acept,not furnished,200,1530,25,20,1775 +São Paulo,95,2,1,1,-,acept,not furnished,0,2900,0,44,2944 +São Paulo,215,4,4,2,16,not acept,furnished,2600,6000,917,77,9594 +Rio de Janeiro,60,2,1,1,3,not acept,not furnished,530,1230,88,16,1864 +Rio de Janeiro,145,3,2,1,3,acept,not furnished,3300,9000,700,116,13120 +São Paulo,102,3,2,2,-,acept,not furnished,0,1600,0,25,1625 +São Paulo,44,1,1,1,19,acept,furnished,385,3600,125,46,4156 +São Paulo,90,2,2,0,3,acept,not furnished,1600,4200,250,54,6104 +São Paulo,180,4,3,1,4,acept,furnished,1572,5000,240,64,6876 +Porto Alegre,123,3,3,1,2,not acept,not furnished,0,3000,0,44,3044 +São Paulo,54,2,2,1,8,not acept,not furnished,769,2200,216,28,3213 +São Paulo,50,1,1,1,6,acept,furnished,1000,1884,0,11,2895 +São Paulo,100,2,1,1,-,acept,not furnished,0,1690,84,26,1800 +Porto Alegre,36,1,1,1,17,acept,not furnished,225,1200,35,18,1478 +São Paulo,92,1,2,1,6,acept,not furnished,810,3010,16,39,3875 +São Paulo,68,2,2,1,7,acept,not furnished,500,2000,79,26,2605 +São Paulo,94,3,3,3,4,acept,furnished,1400,4450,330,57,6237 +Rio de Janeiro,25,1,1,0,-,acept,not furnished,50,700,0,10,760 +São Paulo,60,2,2,0,-,acept,not furnished,0,1300,0,20,1320 +São Paulo,321,5,3,5,-,acept,not furnished,0,13000,2250,196,15450 +São Paulo,116,3,4,2,1,acept,furnished,1242,3900,413,50,5605 +São Paulo,40,1,1,0,-,not acept,not furnished,0,1010,0,16,1026 +Porto Alegre,100,3,2,2,-,acept,not furnished,1,2300,84,41,2426 +São Paulo,70,2,1,0,-,acept,not furnished,0,1300,163,20,1483 +São Paulo,48,1,1,1,2,acept,furnished,530,1700,71,22,2323 +São Paulo,115,3,5,2,10,acept,not furnished,1830,7000,495,89,9414 +São Paulo,90,1,1,1,12,acept,not furnished,870,3600,73,14,4557 +Rio de Janeiro,89,2,2,1,2,acept,not furnished,800,2900,148,38,3886 +Porto Alegre,30,1,1,0,3,acept,not furnished,140,1360,24,20,1544 +Porto Alegre,39,1,1,0,11,acept,not furnished,340,600,13,9,962 +São Paulo,42,1,1,1,27,not acept,furnished,560,5250,100,67,5977 +São Paulo,400,4,5,5,-,acept,not furnished,0,7200,350,109,7659 +São Paulo,47,1,2,1,2,acept,furnished,490,2500,125,32,3147 +São Paulo,124,2,2,2,-,acept,furnished,0,7200,94,109,7403 +Campinas,120,3,2,3,-,acept,not furnished,0,2200,180,34,2414 +Campinas,45,1,1,0,-,not acept,not furnished,0,700,25,11,736 +São Paulo,270,3,2,4,-,acept,not furnished,0,6500,1167,98,7765 +São Paulo,108,3,2,1,10,acept,not furnished,1000,3655,240,47,4942 +São Paulo,128,3,4,4,13,not acept,furnished,1306,8000,595,102,10000 +Rio de Janeiro,179,4,2,0,9,acept,not furnished,1600,3040,484,40,5164 +Belo Horizonte,140,4,2,2,3,acept,not furnished,777,2000,237,27,3041 +Belo Horizonte,27,1,1,0,1,not acept,furnished,0,1167,334,16,1517 +São Paulo,250,3,4,2,16,acept,not furnished,3300,6000,517,77,9894 +Porto Alegre,350,4,3,3,-,acept,furnished,0,4400,209,79,4688 +São Paulo,208,3,2,2,3,acept,not furnished,1800,5000,500,64,7364 +São Paulo,80,3,1,0,-,not acept,not furnished,185,2100,0,27,2312 +São Paulo,34,1,1,1,4,acept,not furnished,620,3100,45,40,3805 +São Paulo,150,4,3,0,2,acept,not furnished,0,2850,275,37,3162 +São Paulo,127,3,3,2,17,not acept,furnished,1775,7000,421,89,9285 +São Paulo,296,4,5,2,-,acept,not furnished,0,8500,1000,128,9628 +São Paulo,61,1,1,0,1,not acept,furnished,437,2700,0,35,3172 +São Paulo,375,4,4,3,19,acept,furnished,2500,9000,917,115,12530 +São Paulo,370,5,4,3,-,acept,not furnished,0,14000,1290,211,15500 +Porto Alegre,30,1,1,0,2,acept,furnished,280,1270,42,19,1611 +São Paulo,480,5,7,5,19,acept,not furnished,6200,8500,3700,108,18510 +São Paulo,33,1,1,1,18,not acept,furnished,1500,3500,0,45,5045 +Rio de Janeiro,84,3,1,0,1,not acept,not furnished,900,3100,209,40,4249 +São Paulo,340,8,5,4,-,acept,not furnished,0,7000,1400,106,8506 +Porto Alegre,97,3,3,3,5,acept,not furnished,850,3000,164,44,4058 +Rio de Janeiro,110,3,2,1,8,acept,not furnished,1488,2500,190,33,4211 +Belo Horizonte,77,3,3,2,2,acept,furnished,1010,2200,306,30,3546 +Rio de Janeiro,105,3,2,1,4,acept,not furnished,1590,2500,258,33,4381 +São Paulo,33,1,1,1,1,not acept,furnished,190,1800,90,23,2103 +São Paulo,25,1,1,0,5,acept,not furnished,340,2040,0,26,2406 +São Paulo,130,2,2,2,-,acept,furnished,0,4400,92,67,4559 +São Paulo,480,4,7,5,-,acept,not furnished,0,7500,1250,113,8863 +São Paulo,240,3,3,3,11,acept,furnished,3000,10000,1200,127,14330 +Rio de Janeiro,80,2,2,1,8,acept,not furnished,760,2500,300,33,3593 +São Paulo,50,2,1,2,1,not acept,not furnished,850,1900,42,25,2817 +Belo Horizonte,32,1,1,0,9,not acept,not furnished,300,1000,100,14,1414 +Belo Horizonte,48,2,1,1,2,acept,not furnished,170,1400,12,19,1601 +São Paulo,90,3,3,1,-,acept,not furnished,0,2600,11,40,2651 +Rio de Janeiro,30,1,1,0,14,acept,furnished,706,1100,133,15,1954 +Porto Alegre,75,2,2,1,4,acept,not furnished,488,2800,135,41,3464 +Porto Alegre,59,2,2,1,2,acept,not furnished,490,1450,48,22,2010 +São Paulo,25,1,1,0,2,not acept,furnished,0,1750,0,23,1773 +Campinas,140,4,3,2,2,acept,not furnished,1070,3000,250,39,4359 +São Paulo,100,2,1,1,11,acept,not furnished,1173,4000,120,51,5344 +Campinas,23,1,1,0,-,not acept,furnished,0,990,0,13,1003 +São Paulo,124,3,2,1,4,not acept,furnished,1070,2750,289,35,4144 +São Paulo,84,2,3,2,32,not acept,furnished,850,8500,450,108,9908 +São Paulo,69,2,2,1,21,acept,not furnished,662,4000,146,51,4859 +Belo Horizonte,100,3,1,0,-,acept,not furnished,0,2000,216,33,2249 +São Paulo,70,1,2,1,3,acept,not furnished,1054,4000,106,51,5211 +Belo Horizonte,88,3,2,1,3,acept,not furnished,320,1290,0,18,1628 +Belo Horizonte,465,7,7,2,-,acept,furnished,0,15000,435,246,15680 +São Paulo,90,3,2,2,1,acept,not furnished,1800,2730,334,35,4899 +São Paulo,120,3,3,1,5,acept,not furnished,1656,3000,189,39,4884 +São Paulo,277,3,4,2,17,acept,not furnished,3000,7650,784,97,11530 +São Paulo,270,4,6,3,-,acept,not furnished,0,5000,669,76,5745 +Porto Alegre,216,3,2,1,23,acept,not furnished,1400,3800,167,56,5423 +Campinas,150,1,2,0,-,acept,not furnished,0,1200,0,19,1219 +São Paulo,360,4,7,5,7,acept,not furnished,3900,3995,2504,51,10450 +Belo Horizonte,110,2,4,2,5,acept,not furnished,690,2700,213,36,3639 +Porto Alegre,50,2,1,1,3,acept,furnished,334,1300,16,19,1669 +São Paulo,98,2,2,2,24,acept,furnished,1650,7500,400,96,9646 +São Paulo,190,3,3,3,4,not acept,furnished,2000,5000,667,64,7731 +São Paulo,35,1,1,1,9,acept,not furnished,239,2500,90,32,2861 +São Paulo,350,3,5,3,-,acept,not furnished,0,12000,1250,181,13430 +Belo Horizonte,950,6,6,2,-,acept,not furnished,1130,10000,1375,164,12670 +São Paulo,213,4,5,4,18,acept,not furnished,3900,9900,1084,126,15010 +Rio de Janeiro,100,3,2,1,7,not acept,not furnished,1100,3000,190,39,4329 +São Paulo,240,4,4,4,5,acept,not furnished,2700,16000,1667,203,20570 +Belo Horizonte,77,2,1,1,2,acept,furnished,400,960,129,13,1502 +São Paulo,217,3,4,4,17,acept,furnished,2400,14500,910,184,17990 +São Paulo,218,4,4,3,10,acept,furnished,2347,8400,1105,107,11960 +São Paulo,31,2,1,0,2,acept,not furnished,0,1040,0,14,1054 +São Paulo,380,4,7,7,15,acept,not furnished,6000,15000,2500,191,23690 +Rio de Janeiro,40,1,2,0,7,acept,not furnished,500,1800,53,24,2377 +São Paulo,48,1,1,1,12,acept,furnished,766,3800,150,49,4765 +São Paulo,55,1,1,0,-,acept,not furnished,0,1400,138,22,1560 +São Paulo,270,3,3,3,-,acept,not furnished,3500,5740,834,87,10160 +Rio de Janeiro,80,2,3,1,12,acept,furnished,850,4500,0,58,5408 +Rio de Janeiro,50,1,1,0,-,acept,not furnished,0,1850,0,24,1874 +São Paulo,38,2,1,0,5,acept,furnished,577,3200,50,41,3868 +Belo Horizonte,320,4,5,4,6,not acept,not furnished,3480,5000,940,67,9487 +São Paulo,500,3,6,0,-,acept,not furnished,0,6400,1667,97,8164 +Rio de Janeiro,110,3,3,0,-,acept,not furnished,200,2400,57,37,2694 +São Paulo,300,3,3,2,-,acept,not furnished,0,10500,768,158,11430 +São Paulo,30,1,1,0,-,not acept,not furnished,0,650,25,10,685 +São Paulo,58,2,2,1,12,not acept,furnished,942,3400,71,44,4457 +São Paulo,18,1,1,0,-,acept,not furnished,0,1720,0,22,1742 +São Paulo,139,4,4,8,-,acept,not furnished,0,3500,265,53,3818 +Rio de Janeiro,210,4,5,2,2,acept,not furnished,2300,8000,850,104,11250 +Porto Alegre,50,2,1,1,5,acept,not furnished,188,1180,0,18,1386 +São Paulo,70,1,1,2,9,acept,furnished,2150,7000,542,89,9781 +São Paulo,36,1,1,0,4,acept,not furnished,175,1275,0,5,1455 +São Paulo,48,1,1,0,-,acept,not furnished,0,1100,0,14,1114 +Belo Horizonte,92,3,2,1,1,acept,not furnished,220,1600,0,22,1842 +Rio de Janeiro,189,3,2,0,3,acept,not furnished,1371,4500,452,58,6381 +Porto Alegre,38,1,1,1,9,acept,not furnished,350,2500,42,37,2929 +São Paulo,351,3,4,2,17,not acept,furnished,2400,9500,1192,121,13210 +Rio de Janeiro,64,2,1,1,4,acept,not furnished,650,2700,120,35,3505 +São Paulo,31,1,1,1,11,acept,not furnished,478,2400,75,31,2984 +São Paulo,90,3,2,2,3,acept,not furnished,1100,2450,117,32,3699 +São Paulo,40,1,1,0,6,acept,not furnished,890,3463,0,32,4385 +São Paulo,180,3,4,4,4,acept,not furnished,4000,15000,1417,191,20610 +São Paulo,64,3,1,1,5,acept,not furnished,504,1500,53,20,2077 +São Paulo,190,3,4,3,1,acept,not furnished,2100,5500,525,70,8195 +São Paulo,400,3,3,4,-,acept,not furnished,0,14000,300,211,14510 +Rio de Janeiro,180,4,5,3,4,acept,not furnished,1200,10000,725,129,12050 +São Paulo,73,1,1,0,8,acept,furnished,864,3000,57,39,3960 +São Paulo,64,2,2,2,4,acept,not furnished,404,2600,75,33,3112 +São Paulo,65,3,1,1,6,acept,not furnished,461,2530,90,33,3114 +São Paulo,400,4,5,4,7,acept,not furnished,3240,12800,1345,163,17550 +São Paulo,48,2,1,1,6,not acept,furnished,582,5470,8,70,6130 +São Paulo,40,1,1,1,14,not acept,not furnished,642,1700,20,22,2384 +Porto Alegre,61,2,1,0,3,not acept,not furnished,400,1445,0,22,1867 +Rio de Janeiro,85,2,1,0,1,acept,not furnished,460,1700,58,22,2240 +Belo Horizonte,235,4,3,1,-,acept,not furnished,0,12000,563,197,12760 +São Paulo,347,4,5,4,5,acept,furnished,3500,12000,1500,153,17150 +Rio de Janeiro,25,1,1,0,2,acept,not furnished,250,540,0,7,797 +Rio de Janeiro,85,2,2,1,2,acept,not furnished,1140,3600,363,47,5150 +São Paulo,103,3,3,2,3,acept,furnished,1310,6500,448,83,8341 +São Paulo,159,3,3,2,-,not acept,not furnished,0,3300,225,50,3575 +São Paulo,42,1,1,1,9,acept,not furnished,600,3600,125,46,4371 +São Paulo,100,3,2,1,12,acept,not furnished,700,1946,0,7,2653 +São Paulo,111,1,2,2,9,acept,not furnished,1400,8000,466,102,9968 +Porto Alegre,40,1,1,1,2,acept,furnished,300,1500,23,22,1845 +Campinas,92,3,2,3,1,acept,furnished,752,2525,0,32,3309 +Rio de Janeiro,480,5,6,4,3,acept,not furnished,3236,8000,1600,104,12940 +Belo Horizonte,55,2,2,2,3,acept,not furnished,670,2000,177,27,2874 +Belo Horizonte,24,1,1,1,7,not acept,not furnished,157,1200,0,16,1373 +São Paulo,50,1,1,1,-,not acept,not furnished,200,1000,0,16,1216 +Rio de Janeiro,80,2,1,0,9,acept,not furnished,500,1600,158,21,2279 +São Paulo,230,3,2,0,1,acept,not furnished,0,2500,500,32,3032 +Porto Alegre,72,2,1,0,1,acept,not furnished,200,1200,67,18,1485 +Porto Alegre,90,2,1,0,1,acept,not furnished,300,1353,77,20,1750 +Belo Horizonte,22,1,1,0,1,not acept,furnished,0,700,0,10,710 +São Paulo,455,4,5,4,5,acept,not furnished,8500,19500,3334,248,31580 +São Paulo,140,3,2,1,6,not acept,not furnished,1740,2400,340,31,4511 +Belo Horizonte,23,1,1,1,7,acept,not furnished,144,1300,132,18,1594 +Porto Alegre,46,1,1,0,2,acept,not furnished,0,1070,56,16,1142 +Campinas,70,1,1,1,2,acept,furnished,460,2350,6,30,2846 +Belo Horizonte,150,5,3,0,-,acept,not furnished,0,3250,100,54,3404 +Campinas,55,1,1,0,5,acept,not furnished,473,500,17,7,997 +São Paulo,40,1,1,0,-,not acept,not furnished,0,2040,70,31,2141 +São Paulo,91,2,1,1,1,acept,not furnished,615,1750,90,23,2478 +São Paulo,140,2,1,3,-,acept,not furnished,0,2500,194,38,2732 +São Paulo,50,1,1,0,1,acept,not furnished,600,1300,0,17,1917 +Campinas,52,2,1,1,7,acept,not furnished,248,980,77,13,1318 +Rio de Janeiro,100,3,1,1,1,acept,not furnished,1700,3000,250,39,4989 +São Paulo,160,4,3,3,3,acept,not furnished,1600,7000,542,89,9231 +São Paulo,50,1,1,0,-,not acept,not furnished,0,750,0,12,762 +Campinas,137,3,2,1,4,acept,not furnished,1500,1800,250,23,3573 +Porto Alegre,42,1,1,0,2,acept,not furnished,250,1200,27,18,1495 +São Paulo,650,3,7,2,-,acept,not furnished,0,9900,600,149,10650 +Rio de Janeiro,90,3,2,0,1,not acept,not furnished,0,2000,0,31,2031 +Rio de Janeiro,30,1,1,0,9,acept,furnished,550,1854,0,11,2415 +São Paulo,254,4,4,3,7,acept,furnished,1300,6780,478,86,8644 +São Paulo,40,1,1,1,5,not acept,not furnished,700,3600,180,46,4526 +Rio de Janeiro,130,4,2,1,2,not acept,furnished,700,3300,145,43,4188 +Campinas,128,3,3,2,1,acept,not furnished,1236,2650,682,34,4602 +São Paulo,78,2,1,3,-,acept,not furnished,0,1600,163,25,1788 +Campinas,42,1,1,0,1,acept,not furnished,0,690,12,9,711 +Campinas,140,3,3,2,8,acept,not furnished,900,2370,0,31,3301 +São Paulo,46,1,1,0,3,acept,not furnished,100,1600,0,21,1721 +Campinas,50,2,1,1,3,acept,not furnished,300,1170,0,15,1485 +São Paulo,54,1,1,1,13,not acept,not furnished,1484,4130,250,53,5917 +São Paulo,40,1,1,1,13,acept,not furnished,584,3200,95,41,3920 +São Paulo,50,2,1,1,5,acept,not furnished,570,1100,0,14,1684 +São Paulo,75,3,1,1,1,not acept,not furnished,475,1800,0,23,2298 +São Paulo,472,3,2,4,-,acept,not furnished,0,6500,650,98,7248 +Porto Alegre,360,5,3,6,-,acept,furnished,0,4800,197,86,5083 +São Paulo,308,4,4,3,1,acept,not furnished,4780,15000,1917,191,21890 +São Paulo,50,1,1,1,8,not acept,furnished,2204,3700,209,47,6160 +São Paulo,540,4,5,5,13,acept,not furnished,3414,5100,2236,65,10820 +São Paulo,321,3,5,2,-,acept,furnished,0,7318,1072,111,8501 +São Paulo,70,3,2,1,3,acept,not furnished,380,1290,92,17,1779 +Campinas,130,3,2,2,4,acept,furnished,1150,2800,184,36,4170 +São Paulo,170,3,2,2,-,acept,not furnished,0,4500,267,68,4835 +São Paulo,60,2,2,1,11,not acept,furnished,1158,5500,150,70,6878 +Rio de Janeiro,45,1,1,0,4,not acept,furnished,450,4500,80,58,5088 +Belo Horizonte,60,2,1,1,1,acept,not furnished,467,750,78,10,1305 +São Paulo,340,5,4,2,7,acept,not furnished,220000,12000,1000,153,233200 +Porto Alegre,58,2,1,0,2,acept,not furnished,299,750,30,11,1090 +São Paulo,195,4,3,3,7,not acept,not furnished,2600,10000,1336,127,14060 +São Paulo,100,2,4,0,1,acept,not furnished,0,3000,0,39,3039 +São Paulo,50,1,1,0,-,acept,not furnished,0,700,67,11,778 +Campinas,54,2,1,1,3,acept,not furnished,286,999,23,13,1321 +Belo Horizonte,55,2,1,1,3,acept,not furnished,270,1300,85,18,1673 +São Paulo,48,1,1,2,1,acept,furnished,1966,3550,486,45,6047 +São Paulo,58,2,1,1,6,acept,not furnished,850,1700,165,22,2737 +São Paulo,200,3,4,3,19,acept,furnished,2247,8500,1000,33,11780 +Campinas,77,3,1,2,3,acept,not furnished,486,1500,49,20,2055 +Belo Horizonte,72,2,1,1,9,acept,not furnished,421,1200,83,16,1720 +São Paulo,50,2,1,2,8,not acept,not furnished,504,1800,59,23,2386 +Rio de Janeiro,95,2,2,1,11,acept,not furnished,1024,3000,28120,39,32180 +São Paulo,130,3,2,0,1,acept,furnished,550,4800,215,61,5626 +Rio de Janeiro,30,1,1,0,6,not acept,not furnished,500,700,0,10,1210 +São Paulo,300,4,3,4,9,acept,not furnished,2400,15000,0,191,17590 +Rio de Janeiro,95,3,2,1,3,acept,not furnished,1000,2245,268,29,3542 +São Paulo,80,3,1,1,1,acept,not furnished,620,1750,0,23,2393 +São Paulo,310,3,3,2,16,not acept,not furnished,2720,15000,846,191,18760 +Porto Alegre,170,3,2,0,3,acept,furnished,1750,1000,165,15,2930 +Rio de Janeiro,46,2,1,0,9,not acept,not furnished,550,820,0,11,1381 +Rio de Janeiro,97,3,2,0,5,acept,not furnished,900,2734,270,36,3940 +São Paulo,130,3,2,1,4,not acept,furnished,1134,7900,386,101,9521 +Rio de Janeiro,30,1,1,0,2,not acept,not furnished,350,1140,0,15,1505 +São Paulo,40,1,1,1,11,not acept,not furnished,390,2600,96,35,3121 +São Paulo,90,3,2,2,6,not acept,furnished,890,2100,150,27,3167 +São Paulo,89,2,2,2,8,acept,furnished,1440,7700,351,98,9589 +São Paulo,240,3,3,5,1,acept,not furnished,3000,3500,0,45,6545 +São Paulo,106,3,2,0,6,acept,not furnished,1139,2430,0,31,3600 +São Paulo,80,2,1,1,18,not acept,not furnished,550,1500,167,20,2237 +São Paulo,22,1,1,1,25,acept,not furnished,471,2200,55,28,2754 +São Paulo,141,4,3,2,3,acept,not furnished,1500,4010,542,51,6103 +São Paulo,340,4,6,6,-,acept,furnished,0,15000,250,226,15480 +São Paulo,105,4,2,2,3,acept,not furnished,1659,6500,400,83,8642 +São Paulo,70,3,1,1,2,acept,not furnished,380,1290,180,17,1867 +São Paulo,200,3,2,1,8,acept,not furnished,1500,8000,42,102,9644 +Campinas,62,2,1,0,1,acept,not furnished,280,709,22,9,1020 +São Paulo,74,2,3,2,24,acept,not furnished,450,3200,40,41,3731 +Rio de Janeiro,333,5,4,3,5,acept,not furnished,2100,7000,1000,91,10190 +São Paulo,250,4,2,5,-,acept,not furnished,841,4000,701,61,5603 +São Paulo,70,1,1,1,10,acept,furnished,469,3590,83,46,4188 +Rio de Janeiro,120,3,2,2,1,acept,furnished,1790,5500,509,71,7870 +Porto Alegre,35,1,1,0,1,acept,not furnished,100,960,75,15,1150 +Rio de Janeiro,67,2,1,0,4,acept,not furnished,810,1529,80,17,2436 +São Paulo,220,4,3,4,11,acept,furnished,1800,3000,1000,39,5839 +Campinas,80,3,2,2,17,acept,not furnished,560,2500,175,32,3267 +São Paulo,57,1,1,1,5,acept,not furnished,769,4800,194,61,5824 +Porto Alegre,100,2,2,2,-,acept,not furnished,120,2200,159,33,2512 +Rio de Janeiro,60,1,1,0,5,acept,not furnished,500,750,100,10,1360 +Campinas,87,3,2,1,12,acept,furnished,870,1450,100,19,2439 +São Paulo,530,4,4,6,-,acept,not furnished,0,9520,1334,144,11000 +São Paulo,35,1,1,0,-,acept,not furnished,0,700,80,11,791 +São Paulo,140,3,2,2,-,acept,not furnished,0,3000,2500,46,5546 +São Paulo,45,2,2,0,-,not acept,not furnished,0,1630,84,25,1739 +São Paulo,70,1,1,1,12,acept,furnished,1000,3500,171,45,4716 +São Paulo,140,3,3,1,1,acept,not furnished,1144,1360,256,18,2778 +Belo Horizonte,80,3,2,1,7,acept,not furnished,820,2000,152,27,2999 +São Paulo,50,1,1,0,-,not acept,not furnished,0,1150,50,18,1218 +São Paulo,108,3,2,2,12,not acept,not furnished,900,2900,202,37,4039 +São Paulo,60,3,1,1,15,acept,furnished,556,2200,4,31,2791 +São Paulo,30,1,1,1,14,not acept,furnished,460,3500,100,45,4105 +São Paulo,110,3,3,2,2,acept,furnished,1000,3800,192,49,5041 +Rio de Janeiro,70,2,1,1,5,acept,furnished,843,1100,84,15,2042 +São Paulo,360,3,5,4,22,acept,not furnished,2330,3635,1644,47,7656 +Campinas,348,3,3,3,-,acept,not furnished,0,6000,350,91,6441 +São Paulo,270,3,4,3,10,acept,not furnished,3809,7900,1792,101,13600 +Rio de Janeiro,86,2,2,1,1,not acept,furnished,1500,5500,375,71,7446 +São Paulo,100,3,4,2,6,not acept,not furnished,1380,3000,470,39,4889 +São Paulo,30,1,1,1,10,acept,furnished,574,1850,0,24,2448 +São Paulo,146,3,4,3,20,acept,furnished,1540,10000,667,127,12330 +Belo Horizonte,100,3,3,1,1,acept,not furnished,350,1600,120,22,2092 +Rio de Janeiro,185,3,2,1,3,acept,not furnished,2488,6900,0,89,9477 +São Paulo,300,3,5,2,7,acept,not furnished,0,4600,609,70,5279 +São Paulo,120,3,4,0,-,acept,not furnished,250,3200,226,41,3717 +São Paulo,195,3,3,2,-,acept,not furnished,0,2990,330,45,3365 +São Paulo,110,1,3,2,6,acept,not furnished,1500,8000,417,102,10020 +São Paulo,210,3,3,3,17,acept,not furnished,2300,7000,717,89,10110 +Campinas,400,4,6,3,-,acept,not furnished,1200,6800,700,103,8803 +Belo Horizonte,42,2,1,1,4,acept,not furnished,175,690,63,10,938 +Belo Horizonte,180,3,1,0,-,acept,not furnished,0,3400,367,56,3823 +Campinas,329,4,2,2,9,acept,not furnished,2040,6300,420,80,8840 +São Paulo,44,1,1,0,1,acept,not furnished,100,1400,0,18,1518 +Belo Horizonte,28,1,1,1,-,not acept,furnished,550,1250,0,17,1817 +Rio de Janeiro,90,3,2,1,2,not acept,furnished,1000,3800,310,49,5159 +São Paulo,90,2,1,0,2,acept,not furnished,622,2150,212,28,3012 +São Paulo,200,2,1,0,-,acept,not furnished,0,2800,291,43,3134 +Porto Alegre,240,3,4,3,-,acept,not furnished,0,6000,184,107,6291 +Porto Alegre,55,2,1,0,19,acept,not furnished,500,1200,84,18,1802 +Belo Horizonte,90,3,2,0,8,not acept,not furnished,630,4200,150,56,5036 +São Paulo,85,3,1,2,6,acept,not furnished,955,1900,270,25,3150 +São Paulo,255,4,4,3,13,acept,furnished,0,11900,0,151,12050 +São Paulo,280,5,2,1,-,acept,not furnished,0,8000,0,121,8121 +Rio de Janeiro,32,1,1,0,8,acept,not furnished,574,1400,66,19,2059 +Belo Horizonte,29,1,1,0,1,not acept,not furnished,0,1100,8,15,1123 +São Paulo,48,1,1,1,15,acept,furnished,487,3000,142,39,3668 +Campinas,170,3,2,2,-,acept,not furnished,0,2300,98,35,2433 +Belo Horizonte,45,1,1,1,3,not acept,furnished,300,3000,0,40,3340 +Campinas,341,4,6,4,-,acept,not furnished,660,13000,608,196,14460 +Porto Alegre,80,2,2,0,-,acept,furnished,330,1638,0,19,1987 +Rio de Janeiro,153,3,2,1,2,acept,not furnished,1500,2550,157,33,4240 +Rio de Janeiro,120,3,2,1,2,acept,not furnished,1260,2200,0,29,3489 +São Paulo,33,1,1,0,3,acept,not furnished,350,1650,0,21,2021 +São Paulo,180,4,4,2,10,acept,not furnished,1900,5500,507,70,7977 +Campinas,84,3,1,1,3,acept,not furnished,950,1200,147,16,2313 +São Paulo,73,3,2,1,12,acept,not furnished,923,2700,171,35,3829 +São Paulo,50,1,2,1,9,not acept,furnished,850,3000,210,39,4099 +São Paulo,40,1,1,1,5,not acept,not furnished,603,4320,181,55,5159 +São Paulo,216,3,4,4,7,acept,furnished,2300,15000,900,191,18390 +São Paulo,44,1,1,1,8,acept,not furnished,480,2300,70,30,2880 +Belo Horizonte,120,3,2,2,1,not acept,not furnished,318,1700,331,23,2372 +Porto Alegre,150,3,3,2,10,acept,furnished,1300,8900,250,130,10580 +São Paulo,136,3,2,3,12,acept,furnished,1400,2500,325,32,4257 +Porto Alegre,54,1,1,0,2,acept,not furnished,400,1000,25,15,1440 +São Paulo,100,2,1,1,5,acept,furnished,1400,3800,234,49,5483 +São Paulo,50,2,1,1,1,acept,not furnished,496,1200,0,16,1712 +Campinas,60,2,1,0,-,not acept,not furnished,0,800,138,13,951 +Rio de Janeiro,125,3,2,1,5,acept,furnished,1460,3500,295,46,5301 +Rio de Janeiro,28,1,1,0,1,acept,not furnished,450,1870,0,25,2345 +Porto Alegre,78,2,1,0,3,acept,not furnished,280,1480,32,22,1814 +Porto Alegre,46,1,1,0,6,acept,not furnished,345,850,27,13,1235 +São Paulo,35,1,1,1,8,not acept,furnished,593,2896,78,37,3604 +São Paulo,104,3,2,2,2,acept,not furnished,1500,4200,432,54,6186 +São Paulo,215,3,3,2,1,not acept,furnished,3000,15000,834,191,19030 +Campinas,100,3,2,2,-,acept,not furnished,0,2250,15,34,2299 +Belo Horizonte,30,1,1,1,-,not acept,not furnished,0,705,0,10,715 +Porto Alegre,43,1,1,0,3,acept,furnished,250,1500,25,22,1797 +São Paulo,234,3,4,3,13,acept,not furnished,2400,7000,84,89,9573 +São Paulo,37,1,1,0,4,acept,furnished,1320,1730,142,22,3214 +São Paulo,50,2,1,0,1,acept,not furnished,54,2000,42,26,2122 +Rio de Janeiro,71,2,2,1,12,acept,furnished,1170,3500,190,46,4906 +São Paulo,118,3,3,2,17,acept,furnished,1000,3890,356,50,5296 +Campinas,122,3,2,1,4,acept,not furnished,250,1750,117,23,2140 +Rio de Janeiro,58,2,2,1,3,acept,not furnished,745,1200,44,16,2005 +São Paulo,270,3,3,2,-,acept,not furnished,0,9800,0,148,9948 +Porto Alegre,90,3,2,2,9,acept,not furnished,1163,2500,202,37,3902 +São Paulo,400,4,3,3,-,acept,not furnished,0,8000,1250,121,9371 +Campinas,155,3,3,2,-,acept,not furnished,960,5500,15,83,6558 +Rio de Janeiro,85,2,1,0,8,acept,furnished,1500,2975,134,39,4648 +São Paulo,280,4,4,4,1,acept,furnished,3600,12000,1667,172,17440 +Rio de Janeiro,30,1,1,0,8,acept,furnished,500,2000,45,26,2571 +São Paulo,54,1,2,0,7,acept,not furnished,390,3500,0,45,3935 +Porto Alegre,25,1,1,0,8,acept,not furnished,277,750,27,11,1065 +Belo Horizonte,176,4,2,2,-,acept,not furnished,0,4500,226,74,4800 +São Paulo,570,4,6,4,-,acept,not furnished,0,10500,1834,158,12490 +Belo Horizonte,95,2,2,1,10,acept,not furnished,735,1600,170,22,2527 +São Paulo,30,1,1,0,4,acept,not furnished,250,1153,0,4,1407 +São Paulo,250,3,4,3,-,acept,not furnished,0,3571,430,54,4055 +São Paulo,98,3,3,2,-,acept,not furnished,0,2500,0,38,2538 +Belo Horizonte,68,2,2,2,3,acept,not furnished,168,800,59,11,1038 +São Paulo,83,3,2,2,7,acept,not furnished,804,3690,317,47,4858 +Belo Horizonte,70,2,2,2,6,acept,not furnished,625,2250,211,30,3116 +Belo Horizonte,50,2,1,1,3,acept,not furnished,170,1000,28,14,1212 +São Paulo,480,4,5,3,-,acept,not furnished,2200,4100,1700,62,8062 +São Paulo,250,3,2,8,-,acept,not furnished,0,10000,0,151,10150 +São Paulo,191,4,3,3,13,not acept,not furnished,2800,9500,1200,121,13620 +São Paulo,140,3,3,3,7,not acept,not furnished,2200,8000,800,102,11100 +São Paulo,49,1,1,1,5,acept,not furnished,284,2600,134,33,3051 +Belo Horizonte,362,5,4,4,15,not acept,not furnished,1400,7900,1504,106,10910 +Rio de Janeiro,61,2,1,0,3,acept,not furnished,640,1297,21,17,1975 +Porto Alegre,156,3,2,1,-,acept,not furnished,0,1615,110,29,1754 +São Paulo,179,3,2,1,3,acept,not furnished,1457,5400,359,69,7285 +Rio de Janeiro,120,3,3,2,5,acept,furnished,1100,2800,150,37,4087 +Belo Horizonte,200,4,2,2,-,acept,furnished,0,12000,233,197,12430 +São Paulo,185,3,3,3,20,acept,not furnished,2670,5600,907,71,9248 +São Paulo,120,2,2,0,1,acept,not furnished,300,3600,120,46,4066 +São Paulo,50,2,1,1,13,acept,not furnished,407,1715,12,22,2156 +Belo Horizonte,400,3,3,2,-,acept,not furnished,0,4800,0,79,4879 +São Paulo,240,3,4,2,-,acept,not furnished,1,8200,625,124,8950 +São Paulo,60,2,1,1,13,acept,furnished,550,1520,80,20,2170 +São Paulo,100,2,1,3,-,not acept,not furnished,0,2700,378,41,3119 +São Paulo,250,4,4,3,-,not acept,not furnished,0,7500,417,113,8030 +Porto Alegre,100,4,2,1,2,acept,not furnished,750,1820,167,27,2764 +Rio de Janeiro,72,1,2,1,6,acept,not furnished,580,2000,0,26,2606 +Rio de Janeiro,70,2,1,0,2,acept,furnished,250,2000,7,26,2283 +São Paulo,16,1,1,0,2,acept,not furnished,0,2700,5,35,2740 +São Paulo,98,3,2,2,10,acept,not furnished,900,4500,0,58,5458 +São Paulo,170,3,3,1,6,acept,not furnished,1300,2060,200,27,3587 +São Paulo,45,2,1,0,-,not acept,not furnished,70,1450,43,22,1585 +São Paulo,90,2,2,1,7,acept,furnished,760,5500,142,70,6472 +São Paulo,30,1,1,1,11,acept,furnished,500,2570,0,8,3078 +São Paulo,140,3,3,2,3,acept,not furnished,2350,4905,59,63,7377 +São Paulo,90,2,2,2,2,acept,not furnished,1230,3640,342,47,5259 +Belo Horizonte,62,2,2,0,1,acept,not furnished,0,1300,0,18,1318 +Rio de Janeiro,80,2,2,0,6,acept,not furnished,650,2500,0,33,3183 +São Paulo,40,1,1,0,-,not acept,not furnished,0,750,0,12,762 +Rio de Janeiro,65,1,1,0,-,acept,not furnished,300,1800,30,24,2154 +São Paulo,300,3,2,1,-,acept,not furnished,0,3900,538,59,4497 +São Paulo,340,4,4,3,-,acept,not furnished,0,10000,1084,151,11240 +São Paulo,72,2,2,1,6,acept,not furnished,1100,5270,334,67,6771 +São Paulo,250,4,3,3,-,not acept,not furnished,0,13000,950,196,14150 +Rio de Janeiro,100,2,2,3,12,not acept,not furnished,1470,3478,180,45,5173 +São Paulo,45,1,1,1,1,not acept,furnished,3000,5520,0,70,8590 +Porto Alegre,98,3,1,0,1,not acept,not furnished,240,12750,50,187,13230 +Belo Horizonte,164,3,2,2,-,acept,not furnished,0,3200,131,53,3384 +São Paulo,250,3,3,4,-,acept,furnished,250,6500,309,98,7157 +Rio de Janeiro,28,1,1,0,3,acept,furnished,609,1189,0,16,1814 +Rio de Janeiro,60,2,1,0,11,not acept,furnished,600,1650,0,22,2272 +São Paulo,105,3,3,2,4,not acept,not furnished,1380,2720,417,35,4552 +São Paulo,220,2,4,3,26,not acept,not furnished,2000,12960,834,165,15960 +Rio de Janeiro,250,5,3,1,-,acept,not furnished,500,4000,100,61,4661 +São Paulo,171,3,3,1,13,acept,not furnished,2395,5100,259,65,7819 +Rio de Janeiro,156,4,3,2,4,acept,not furnished,1350,3900,600,51,5901 +São Paulo,150,3,5,3,-,acept,furnished,0,4500,189,68,4757 +Belo Horizonte,75,3,2,1,3,acept,not furnished,500,1500,50,20,2070 +São Paulo,254,3,5,4,18,acept,not furnished,2000,10000,990,127,13120 +São Paulo,68,1,2,1,6,acept,furnished,2304,9000,532,115,11950 +São Paulo,55,2,1,0,5,not acept,not furnished,337,1528,0,20,1885 +Porto Alegre,40,1,1,0,10,acept,not furnished,200,800,19,12,1031 +São Paulo,230,2,3,1,1,acept,furnished,3000,12000,450,153,15600 +Porto Alegre,70,2,2,0,3,not acept,furnished,400,1995,80,30,2505 +São Paulo,170,4,5,2,-,acept,not furnished,0,3700,0,56,3756 +Porto Alegre,40,1,1,1,1,acept,not furnished,402,1050,67,16,1535 +São Paulo,45,1,1,1,1,not acept,furnished,3000,5520,0,70,8590 +São Paulo,270,3,4,3,4,acept,furnished,3700,7500,1471,96,12770 +Campinas,54,2,1,1,10,acept,not furnished,320,1500,23,20,1863 +Campinas,291,4,3,2,-,acept,not furnished,0,3300,208,50,3558 +Belo Horizonte,86,2,1,1,1,acept,not furnished,200,1310,130,18,1658 +São Paulo,77,2,1,1,5,acept,not furnished,886,2200,0,28,3114 +São Paulo,86,3,2,2,10,acept,furnished,550,2900,190,37,3677 +Campinas,200,3,4,2,4,not acept,not furnished,2500,2000,275,26,4801 +São Paulo,90,2,2,2,16,not acept,furnished,867,4800,203,61,5931 +São Paulo,64,2,2,2,12,acept,not furnished,790,3400,161,44,4395 +Porto Alegre,54,2,1,2,2,acept,not furnished,240,1310,30,20,1600 +Porto Alegre,387,7,5,3,-,acept,furnished,0,6000,394,107,6501 +São Paulo,100,2,3,2,20,not acept,furnished,1080,10000,138,127,11350 +São Paulo,50,2,2,1,9,acept,not furnished,390,1800,0,23,2213 +Belo Horizonte,520,3,3,4,20,not acept,not furnished,2224,12000,1133,160,15520 +São Paulo,23,1,1,0,25,acept,not furnished,393,2100,59,27,2579 +Rio de Janeiro,60,1,1,0,3,acept,not furnished,520,1580,0,21,2121 +São Paulo,96,2,1,1,4,not acept,not furnished,800,3000,0,39,3839 +São Paulo,140,3,1,0,-,acept,not furnished,0,2700,167,41,2908 +Rio de Janeiro,103,3,2,0,4,acept,not furnished,812,2750,200,36,3798 +São Paulo,148,4,4,4,10,acept,furnished,2580,2000,406,26,5012 +São Paulo,172,4,3,1,-,acept,not furnished,0,3500,114,53,3667 +São Paulo,93,2,3,2,5,acept,not furnished,1006,3200,350,41,4597 +São Paulo,72,2,2,1,4,acept,not furnished,690,2300,200,30,3220 +Campinas,68,2,1,1,1,acept,not furnished,400,1500,70,20,1990 +São Paulo,350,4,3,4,-,acept,not furnished,0,4000,209,61,4270 +Rio de Janeiro,70,2,2,1,1,acept,furnished,950,3500,225,46,4721 +São Paulo,400,5,4,3,-,acept,not furnished,2600,6900,1017,104,10620 +Porto Alegre,38,1,1,0,1,acept,not furnished,280,690,9,11,990 +São Paulo,107,2,2,1,12,not acept,not furnished,1300,8400,293,107,10100 +São Paulo,38,1,1,0,1,not acept,not furnished,60,950,0,13,1023 +São Paulo,111,3,2,0,7,acept,not furnished,1370,2500,264,32,4166 +São Paulo,140,4,3,2,10,acept,not furnished,2000,3800,334,49,6183 +São Paulo,35,1,1,0,-,acept,not furnished,0,1150,30,15,1195 +São Paulo,178,3,3,4,12,not acept,furnished,2180,15000,850,191,18220 +São Paulo,200,2,2,1,10,acept,furnished,2700,9500,600,121,12920 +São Paulo,33,1,1,0,1,not acept,not furnished,338,1000,63,13,1414 +Belo Horizonte,90,3,2,1,2,not acept,not furnished,300,1600,140,22,2062 +Rio de Janeiro,65,2,1,0,1,not acept,not furnished,560,1600,67,21,2248 +São Paulo,320,3,3,8,-,acept,not furnished,0,5500,572,83,6155 +Porto Alegre,68,2,1,0,2,acept,not furnished,160,1320,26,20,1526 +Porto Alegre,180,6,2,3,1,acept,not furnished,0,4800,242,71,5113 +São Paulo,50,2,1,1,-,not acept,not furnished,0,1300,69,20,1389 +São Paulo,137,3,2,1,6,acept,not furnished,1480,4700,293,60,6533 +São Paulo,165,3,2,2,8,acept,furnished,1750,6500,779,83,9112 +São Paulo,180,2,2,1,15,acept,not furnished,1800,5350,0,68,7218 +São Paulo,220,4,4,3,12,acept,not furnished,3600,5100,892,65,9657 +Belo Horizonte,85,2,2,1,1,acept,not furnished,541,2800,0,38,3379 +Rio de Janeiro,37,1,1,0,8,not acept,furnished,700,1400,209,19,2328 +Porto Alegre,64,2,3,2,2,acept,not furnished,400,2750,113,41,3304 +Rio de Janeiro,97,2,2,1,7,acept,not furnished,1770,4400,334,57,6561 +Belo Horizonte,90,3,2,1,1,acept,not furnished,135,1300,115,18,1568 +Rio de Janeiro,130,3,2,1,9,acept,not furnished,1350,4500,209,58,6117 +Campinas,128,4,2,1,7,not acept,not furnished,900,3400,59,44,4403 +São Paulo,58,2,2,1,12,not acept,furnished,928,4000,256,51,5235 +Belo Horizonte,76,2,1,1,2,not acept,not furnished,200,900,0,12,1112 +São Paulo,220,2,4,2,-,acept,furnished,0,6200,1200,94,7494 +São Paulo,40,1,1,0,-,not acept,not furnished,30,780,17,12,839 +São Paulo,235,3,4,3,2,acept,not furnished,2000,2550,1000,33,5583 +Belo Horizonte,45,1,1,0,9,acept,not furnished,285,1100,55,15,1455 +São Paulo,47,2,1,1,4,not acept,not furnished,580,1100,0,14,1694 +Belo Horizonte,471,5,6,3,-,acept,not furnished,0,14000,1297,230,15530 +Campinas,50,1,1,0,4,acept,not furnished,418,520,23,7,968 +Belo Horizonte,344,3,4,4,16,not acept,not furnished,3158,15000,1231,200,19590 +São Paulo,38,1,1,1,12,not acept,furnished,353,1850,28,24,2255 +Porto Alegre,42,2,1,0,-,acept,not furnished,0,860,13,16,889 +Belo Horizonte,60,1,1,1,9,acept,not furnished,270,1400,101,19,1790 +São Paulo,500,4,6,4,-,acept,not furnished,0,13000,2200,196,15400 +São Paulo,49,2,1,1,5,acept,not furnished,300,1700,21,22,2043 +Belo Horizonte,48,2,1,1,3,acept,not furnished,120,900,96,12,1128 +São Paulo,45,2,1,0,-,not acept,not furnished,0,1300,109,20,1429 +Porto Alegre,72,2,2,1,2,acept,not furnished,570,1200,60,18,1848 +Belo Horizonte,400,3,2,1,-,acept,not furnished,0,1600,258,27,1885 +São Paulo,28,1,1,0,1,not acept,furnished,0,1750,0,23,1773 +Rio de Janeiro,189,3,2,2,9,acept,not furnished,2500,8500,489,110,11600 +São Paulo,160,3,2,0,12,acept,not furnished,1239,3900,150,50,5339 +Rio de Janeiro,330,4,4,2,21,acept,not furnished,1300,15000,1084,110,17490 +São Paulo,200,3,5,4,6,acept,not furnished,1970,1720,959,22,4671 +São Paulo,375,4,5,5,1,acept,not furnished,4793,15000,2805,191,22790 +São Paulo,68,2,2,1,7,acept,furnished,489,1877,0,24,2390 +São Paulo,70,2,1,1,8,acept,not furnished,850,2500,92,32,3474 +Rio de Janeiro,110,3,2,0,10,not acept,furnished,1260,2950,303,39,4552 +São Paulo,103,3,3,2,7,not acept,not furnished,1470,5600,330,71,7471 +Rio de Janeiro,26,1,1,0,2,not acept,not furnished,50,1500,59,20,1629 +Belo Horizonte,88,3,2,2,2,not acept,not furnished,312,1200,109,16,1637 +São Paulo,165,3,4,3,7,acept,not furnished,1700,4500,573,58,6831 +São Paulo,80,2,2,0,-,not acept,not furnished,0,1100,167,17,1284 +Porto Alegre,90,3,2,2,9,acept,not furnished,433,2780,116,41,3370 +São Paulo,380,4,1,2,-,not acept,not furnished,0,4000,386,61,4447 +São Paulo,174,3,4,2,2,acept,not furnished,1936,6000,390,77,8403 +São Paulo,128,4,5,1,-,acept,not furnished,0,6800,71,87,6958 +São Paulo,160,3,4,4,2,acept,not furnished,2250,2100,480,27,4857 +Rio de Janeiro,168,3,2,0,1,acept,not furnished,1000,3700,417,48,5165 +Campinas,100,3,2,2,1,acept,furnished,700,2200,105,28,3033 +Rio de Janeiro,69,2,1,1,9,acept,furnished,500,1370,56,18,1944 +Belo Horizonte,300,3,3,0,-,acept,furnished,0,5000,0,82,5082 +Belo Horizonte,163,4,4,0,14,acept,not furnished,1005,7500,22,100,8627 +São Paulo,86,3,1,1,5,acept,furnished,1000,2200,116,28,3344 +São Paulo,236,4,3,3,13,acept,not furnished,3070,1600,1015,21,5706 +Rio de Janeiro,112,3,2,0,7,acept,not furnished,1344,3900,271,51,5566 +São Paulo,600,5,5,6,-,acept,not furnished,0,12750,1059,192,14000 +Campinas,256,4,5,4,8,acept,not furnished,3900,3000,1167,39,8106 +São Paulo,220,3,4,2,-,not acept,not furnished,0,3500,276,53,3829 +São Paulo,257,4,4,4,14,not acept,not furnished,5000,12000,1584,153,18740 +Belo Horizonte,75,3,1,1,4,acept,not furnished,280,1500,66,20,1866 +Rio de Janeiro,400,3,1,1,-,acept,furnished,0,7650,666,117,8433 +São Paulo,560,4,6,5,-,acept,not furnished,0,6550,1700,99,8349 +São Paulo,220,4,4,5,3,not acept,furnished,1700,4600,0,59,6359 +Rio de Janeiro,70,1,1,1,4,acept,not furnished,1065,3500,255,46,4866 +Belo Horizonte,19,1,1,0,1,not acept,not furnished,0,1200,37,16,1253 +São Paulo,35,1,1,0,-,acept,not furnished,0,900,11,14,925 +São Paulo,70,1,1,1,4,acept,not furnished,740,2600,66,33,3439 +São Paulo,40,1,1,0,12,not acept,furnished,370,3300,74,42,3786 +Porto Alegre,37,1,1,0,2,acept,not furnished,330,1500,67,22,1919 +São Paulo,180,2,2,1,12,acept,not furnished,3400,9000,480,115,13000 +Rio de Janeiro,60,1,1,0,2,not acept,not furnished,600,2300,140,30,3070 +Rio de Janeiro,90,3,2,1,9,acept,not furnished,700,2050,60,27,2837 +São Paulo,208,4,2,4,-,acept,not furnished,0,4500,282,68,4850 +Rio de Janeiro,160,3,2,1,11,acept,not furnished,1860,4700,275,61,6896 +Belo Horizonte,180,4,2,1,3,acept,furnished,770,3610,248,49,4677 +Porto Alegre,150,4,3,0,-,acept,not furnished,0,3300,800,59,4159 +Campinas,75,2,1,1,-,acept,not furnished,0,1080,80,17,1177 +Rio de Janeiro,90,2,2,1,4,acept,not furnished,1660,1039,350,14,3063 +São Paulo,170,4,2,2,-,acept,not furnished,0,2900,50,44,2994 +São Paulo,193,2,4,4,7,acept,not furnished,1948,13000,1323,165,16440 +São Paulo,40,1,1,0,22,acept,furnished,473,2300,39,30,2842 +São Paulo,45,1,1,1,5,acept,furnished,519,3850,209,49,4627 +São Paulo,116,3,4,2,4,acept,not furnished,1036,8000,584,102,9722 +São Paulo,67,2,2,1,1,acept,furnished,650,2300,0,30,2980 +São Paulo,40,1,1,0,8,not acept,furnished,685,1920,117,25,2747 +São Paulo,140,2,3,1,-,acept,not furnished,0,3850,150,58,4058 +Campinas,52,2,1,1,7,acept,not furnished,248,980,77,13,1318 +São Paulo,350,3,4,6,-,acept,not furnished,0,3850,834,58,4742 +São Paulo,420,3,4,4,-,not acept,not furnished,0,6000,417,91,6508 +Porto Alegre,204,4,4,2,-,acept,not furnished,0,3440,100,62,3602 +São Paulo,110,2,2,1,-,acept,not furnished,0,2200,192,34,2426 +São Paulo,645,5,8,8,-,acept,not furnished,0,15000,2334,226,17560 +São Paulo,260,4,5,5,3,acept,not furnished,3428,11000,2441,140,17010 +São Paulo,160,2,1,0,12,not acept,not furnished,1200,2400,0,31,3631 +São Paulo,50,2,1,0,-,acept,not furnished,0,1200,42,19,1261 +Rio de Janeiro,40,1,2,0,7,acept,not furnished,500,1800,53,24,2377 +Rio de Janeiro,60,2,1,0,1,acept,furnished,615,3000,84,39,3738 +Rio de Janeiro,30,1,1,0,12,acept,not furnished,0,1000,50,13,1063 +Rio de Janeiro,75,3,2,0,8,acept,not furnished,800,1615,124,12,2551 +Rio de Janeiro,78,3,3,1,2,acept,not furnished,930,2850,206,37,4023 +Belo Horizonte,140,4,2,2,1,acept,not furnished,1000,3500,413,47,4960 +Campinas,500,3,7,5,14,acept,furnished,1890,7950,900,101,10840 +Porto Alegre,80,1,1,0,-,acept,not furnished,0,971,15,18,1004 +Porto Alegre,182,3,4,2,-,acept,not furnished,164,2900,74,52,3190 +São Paulo,90,2,1,1,-,acept,not furnished,0,2735,19,42,2796 +São Paulo,103,3,2,1,2,acept,not furnished,1133,1500,137,6,2776 +Porto Alegre,180,3,2,3,2,acept,furnished,0,5100,250,75,5425 +Belo Horizonte,32,1,1,0,-,not acept,furnished,550,1100,0,15,1665 +Campinas,52,1,1,1,6,acept,not furnished,360,750,46,10,1166 +Rio de Janeiro,75,4,1,0,2,acept,not furnished,800,2200,34,29,3063 +Belo Horizonte,290,4,5,4,-,acept,not furnished,0,6000,500,99,6599 +Rio de Janeiro,50,1,1,1,6,acept,furnished,750,2000,0,10,2760 +São Paulo,550,5,6,4,-,acept,not furnished,0,15000,1119,226,16350 +São Paulo,216,4,4,4,9,acept,not furnished,1710,2800,686,36,5232 +São Paulo,444,4,4,5,-,acept,furnished,0,10000,584,151,10740 +Porto Alegre,69,3,2,1,5,acept,not furnished,395,1850,65,28,2338 +Belo Horizonte,76,2,1,2,3,not acept,furnished,205,2100,99,28,2432 +São Paulo,180,3,5,3,3,acept,not furnished,2900,8100,0,103,11100 +São Paulo,445,3,5,4,-,acept,furnished,3191,15000,1339,226,19760 +São Paulo,156,3,4,3,8,acept,not furnished,1600,4200,305,54,6159 +São Paulo,35,1,1,0,-,acept,not furnished,0,1100,30,14,1144 +São Paulo,130,3,4,3,7,acept,not furnished,1413,2400,597,31,4441 +Porto Alegre,92,3,2,1,4,acept,furnished,720,3200,75,47,4042 +São Paulo,200,3,2,4,-,acept,not furnished,0,8500,407,128,9035 +São Paulo,50,2,1,1,13,acept,not furnished,650,1300,4,17,1971 +Belo Horizonte,50,2,1,0,-,not acept,not furnished,0,850,25,14,889 +São Paulo,155,3,3,2,2,acept,furnished,2300,12000,700,153,15150 +Belo Horizonte,1000,5,4,3,15,acept,not furnished,1255,7000,634,94,8983 +Rio de Janeiro,42,1,1,0,8,not acept,furnished,900,1920,34,25,2879 +São Paulo,58,2,1,0,13,acept,not furnished,389,1480,52,19,1940 +São Paulo,35,1,1,1,6,not acept,furnished,581,3365,153,43,4142 +Belo Horizonte,27,1,1,0,1,not acept,not furnished,0,1167,334,16,1517 +Belo Horizonte,16,1,1,0,1,not acept,not furnished,0,650,50,9,709 +Belo Horizonte,94,3,2,1,1,not acept,furnished,450,1900,125,26,2501 +Porto Alegre,83,3,2,1,11,acept,not furnished,750,2500,101,37,3388 +Belo Horizonte,360,5,4,4,-,acept,not furnished,0,9000,600,148,9748 +Belo Horizonte,360,5,2,2,1,acept,not furnished,550,4600,436,62,5648 +Campinas,430,4,5,5,-,acept,not furnished,0,13000,474,196,13670 +Belo Horizonte,29,1,1,0,1,acept,not furnished,0,1100,8,15,1123 +Rio de Janeiro,120,3,2,0,6,acept,not furnished,650,2490,105,33,3278 +São Paulo,50,1,1,1,6,acept,not furnished,1205,4500,251,58,6014 +Porto Alegre,60,2,1,0,-,acept,not furnished,0,650,42,12,704 +São Paulo,45,2,2,0,-,not acept,not furnished,0,1630,84,25,1739 +Rio de Janeiro,250,3,2,2,-,acept,not furnished,0,12000,542,183,12730 +São Paulo,200,3,2,2,-,acept,furnished,0,4700,184,71,4955 +Rio de Janeiro,70,2,1,1,9,acept,not furnished,650,2500,105,33,3288 +São Paulo,48,1,1,0,-,not acept,not furnished,0,1100,9,17,1126 +São Paulo,70,2,1,1,2,not acept,not furnished,794,2500,14,32,3340 +São Paulo,73,2,2,1,6,acept,furnished,1072,5000,196,64,6332 +São Paulo,90,2,1,0,1,not acept,not furnished,500,2700,25,35,3260 +Porto Alegre,45,1,1,0,1,acept,not furnished,50,640,84,10,784 +São Paulo,80,2,2,2,-,not acept,not furnished,0,3600,390,55,4045 +São Paulo,106,3,2,2,6,acept,not furnished,1400,5520,275,70,7265 +Belo Horizonte,45,2,1,1,3,acept,not furnished,286,850,63,12,1211 +São Paulo,315,4,4,2,14,acept,not furnished,3500,7450,0,95,11050 +São Paulo,287,3,5,0,16,acept,not furnished,3693,12000,1421,153,17270 +Belo Horizonte,230,4,3,2,8,acept,not furnished,1900,5500,48,74,7522 +São Paulo,42,1,2,1,6,not acept,not furnished,690,2500,313700,32,316900 +Rio de Janeiro,152,2,2,1,3,acept,not furnished,1100,1500,342,20,2962 +Campinas,75,3,1,2,3,acept,not furnished,599,1300,74,17,1990 +São Paulo,94,3,2,2,3,acept,not furnished,1000,2000,42,26,3068 +Rio de Janeiro,70,2,2,0,5,not acept,not furnished,410,2100,13,28,2551 +São Paulo,59,2,1,0,15,acept,not furnished,542,1750,0,23,2315 +São Paulo,380,4,3,2,12,not acept,furnished,5500,15000,1000,191,21690 +São Paulo,217,4,4,3,1,acept,not furnished,3800,4910,1417,63,10190 +São Paulo,110,2,1,1,2,acept,not furnished,1200,2800,137,36,4173 +Campinas,38,1,1,0,8,acept,not furnished,300,550,70,7,927 +São Paulo,310,4,5,5,6,acept,furnished,3800,12000,2709,153,18660 +São Paulo,400,3,4,2,-,acept,not furnished,0,3150,0,48,3198 +Porto Alegre,55,2,1,1,4,acept,not furnished,250,1500,83,22,1855 +São Paulo,320,3,5,0,10,not acept,not furnished,4778,6000,2417,77,13270 +Campinas,75,3,2,2,13,not acept,not furnished,700,1600,75,21,2396 +Belo Horizonte,235,4,5,3,6,acept,not furnished,760,3300,496,44,4600 +Belo Horizonte,434,5,6,0,10,not acept,furnished,2629,11000,2192,147,15970 +São Paulo,160,4,4,2,3,not acept,not furnished,2700,7000,275,89,10060 +São Paulo,108,3,2,2,5,acept,not furnished,1100,4348,250,56,5754 +São Paulo,280,5,5,2,1,acept,furnished,4374,12750,929,162,18220 +Rio de Janeiro,55,2,1,1,3,acept,not furnished,670,680,125,9,1484 +Rio de Janeiro,60,2,1,1,1,not acept,not furnished,800,1500,55,20,2375 +São Paulo,226,4,4,3,4,not acept,not furnished,3500,10000,1200,127,14830 +Belo Horizonte,58,2,1,1,2,acept,not furnished,200,900,0,12,1112 +São Paulo,178,4,3,2,5,acept,not furnished,1700,6700,660,85,9145 +Porto Alegre,40,1,1,0,2,acept,furnished,120,1150,35,17,1322 +Campinas,205,3,2,4,-,acept,not furnished,0,2490,57,38,2585 +São Paulo,112,3,2,3,3,acept,not furnished,1251,2500,332,32,4115 +Belo Horizonte,300,4,4,3,13,acept,furnished,1850,15000,1100,200,18150 +São Paulo,140,3,3,2,-,acept,not furnished,0,5000,300,76,5376 +Belo Horizonte,113,2,2,2,4,acept,not furnished,330,2600,116,35,3081 +Belo Horizonte,96,3,2,2,1,not acept,not furnished,450,1400,120,19,1989 +São Paulo,55,1,2,1,4,acept,furnished,550,3500,0,45,4095 +São Paulo,180,2,3,3,7,acept,furnished,3300,7600,1025,54,11980 +São Paulo,240,7,3,4,-,acept,not furnished,0,6000,834,91,6925 +São Paulo,80,3,4,1,-,acept,not furnished,0,3000,0,46,3046 +Belo Horizonte,230,5,3,2,3,acept,not furnished,500,2200,249,30,2979 +Belo Horizonte,127,3,2,3,1,acept,not furnished,750,3000,317,40,4107 +Belo Horizonte,156,4,4,3,7,acept,not furnished,900,6500,369,87,7856 +São Paulo,65,2,1,2,21,acept,not furnished,1111,4000,233,51,5395 +São Paulo,88,2,2,2,8,acept,furnished,1000,4500,134,58,5692 +Porto Alegre,107,3,2,1,-,acept,not furnished,0,2000,42,36,2078 +Rio de Janeiro,60,2,1,1,2,acept,not furnished,550,1200,55,16,1821 +Porto Alegre,35,1,1,0,1,acept,not furnished,230,550,9,9,798 +Porto Alegre,243,3,5,1,2,acept,not furnished,1788,5556,667,82,8093 +São Paulo,30,1,1,0,-,not acept,not furnished,0,850,67,13,930 +Campinas,45,1,1,1,4,acept,not furnished,700,870,46,12,1628 +Rio de Janeiro,130,3,2,2,-,acept,not furnished,0,3000,167,46,3213 +Porto Alegre,80,2,2,0,3,acept,furnished,300,2800,0,41,3141 +São Paulo,98,2,2,1,13,acept,not furnished,1055,2166,384,28,3633 +São Paulo,15,1,1,0,-,not acept,furnished,0,1200,83,16,1299 +Rio de Janeiro,57,2,2,1,9,acept,not furnished,1080,1800,281,24,3185 +Porto Alegre,180,4,2,2,3,acept,not furnished,1000,2400,109,36,3545 +São Paulo,200,4,4,3,5,acept,not furnished,2715,7000,834,89,10640 +Rio de Janeiro,70,2,2,1,-,acept,not furnished,200,1900,55,29,2184 +São Paulo,350,2,1,0,-,acept,not furnished,0,2500,209,38,2747 +Porto Alegre,64,2,1,0,4,not acept,furnished,250,1700,9,25,1984 +Porto Alegre,40,1,1,0,-,not acept,not furnished,0,750,0,14,764 +Belo Horizonte,73,1,1,0,4,acept,not furnished,0,700,0,10,710 +São Paulo,200,3,3,2,8,acept,not furnished,2500,12000,834,153,15490 +São Paulo,36,1,1,1,4,acept,furnished,719,1990,119,26,2854 +Campinas,63,2,1,0,-,acept,not furnished,400,850,26,11,1287 +São Paulo,85,2,1,1,6,acept,not furnished,750,3500,105,45,4400 +São Paulo,198,5,5,2,1,acept,not furnished,1500,3801,554,49,5904 +Campinas,70,3,1,1,1,acept,not furnished,315,940,64,12,1331 +Belo Horizonte,60,2,1,1,12,not acept,not furnished,285,1000,20,14,1319 +Belo Horizonte,90,4,3,1,2,acept,not furnished,150,950,83,13,1196 +Porto Alegre,98,2,1,0,9,acept,not furnished,380,1800,91,27,2298 +São Paulo,103,3,2,2,6,acept,not furnished,1150,3000,459,39,4648 +São Paulo,160,2,3,0,-,acept,not furnished,0,4300,124,65,4489 +Rio de Janeiro,100,3,2,1,8,acept,furnished,1600,4000,184,52,5836 +São Paulo,50,2,1,1,17,acept,not furnished,465,1000,0,13,1478 +São Paulo,55,2,1,1,4,acept,not furnished,671,1100,0,14,1785 +São Paulo,80,2,2,0,9,not acept,not furnished,600,2550,46,33,3229 +São Paulo,50,1,1,0,-,acept,not furnished,0,690,0,11,701 +Rio de Janeiro,25,1,1,0,3,not acept,not furnished,328,1900,0,25,2253 +São Paulo,120,2,2,2,-,acept,not furnished,100,5500,158,83,5841 +São Paulo,127,3,3,2,1,acept,not furnished,804,3800,257,49,4910 +São Paulo,98,3,2,1,9,acept,not furnished,1350,5500,200,70,7120 +São Paulo,65,1,1,0,1,not acept,furnished,550,3050,25,39,3664 +Rio de Janeiro,86,2,2,2,2,acept,not furnished,700,1200,8,16,1924 +Porto Alegre,200,4,3,0,-,not acept,not furnished,0,15000,834,267,16100 +São Paulo,360,4,5,5,20,acept,not furnished,4900,10000,1666,127,16690 +São Paulo,65,2,1,1,2,acept,not furnished,330,1410,74,18,1832 +São Paulo,93,1,3,1,4,not acept,not furnished,1040,3500,33,45,4618 +São Paulo,187,4,5,3,5,acept,not furnished,3912,5300,1424,68,10700 +Belo Horizonte,616,5,5,6,-,acept,not furnished,0,12500,1103,205,13810 +Rio de Janeiro,86,2,2,2,2,acept,not furnished,700,1200,8,16,1924 +São Paulo,139,2,2,1,4,acept,not furnished,707,4396,153,56,5312 +Rio de Janeiro,100,2,2,1,21,not acept,not furnished,1230,2000,13,26,3269 +São Paulo,285,4,4,4,9,acept,not furnished,2750,8000,1750,102,12600 +São Paulo,52,2,1,1,8,acept,not furnished,760,3000,145,39,3944 +São Paulo,39,1,1,0,10,acept,furnished,300,2000,0,26,2326 +Porto Alegre,42,1,2,1,2,acept,not furnished,217,1800,42,27,2086 +Rio de Janeiro,30,1,1,0,10,acept,furnished,340,1386,34,18,1778 +Rio de Janeiro,70,2,1,1,7,acept,not furnished,729,900,122,12,1763 +São Paulo,60,1,1,0,2,acept,not furnished,70,1200,50,16,1336 +São Paulo,90,2,2,2,7,acept,not furnished,1630,3040,322,39,5031 +Porto Alegre,61,2,1,0,2,acept,not furnished,380,850,30,13,1273 +Porto Alegre,50,1,1,0,8,acept,not furnished,320,780,25,12,1137 +Campinas,48,2,1,1,8,acept,not furnished,380,1545,49,20,1994 +São Paulo,27,1,1,0,5,not acept,not furnished,1405,3500,1,45,4951 +Belo Horizonte,100,3,3,1,4,acept,furnished,1300,2600,300,35,4235 +São Paulo,155,2,1,1,2,acept,not furnished,1700,4500,510,58,6768 +São Paulo,230,4,5,0,-,acept,furnished,0,7600,300,115,8015 +Campinas,47,1,1,1,8,acept,not furnished,560,1100,46,14,1720 +Campinas,55,2,1,1,-,acept,not furnished,400,730,24,10,1164 +Campinas,60,1,1,1,8,acept,not furnished,340,1100,1,14,1455 +Belo Horizonte,380,5,6,2,-,acept,not furnished,0,4500,125,74,4699 +São Paulo,180,3,2,4,-,not acept,furnished,0,11000,667,166,11830 +Porto Alegre,196,3,4,2,7,acept,furnished,2000,4600,325,68,6993 +Porto Alegre,70,2,1,0,-,acept,not furnished,350,1300,42,19,1711 +São Paulo,227,4,3,3,10,acept,furnished,4000,10000,1700,127,15830 +São Paulo,60,2,1,1,6,acept,furnished,620,2650,63,34,3367 +Porto Alegre,63,2,2,1,8,acept,not furnished,500,1960,6,29,2495 +São Paulo,150,3,3,2,7,acept,not furnished,1300,3400,200,44,4944 +Campinas,144,4,3,2,13,acept,not furnished,1357,1750,210,23,3340 +Rio de Janeiro,200,2,1,0,-,acept,not furnished,0,3000,0,46,3046 +São Paulo,34,2,1,0,10,acept,not furnished,300,2200,15,28,2543 +São Paulo,74,2,3,2,24,acept,not furnished,450,3200,40,41,3731 +Porto Alegre,73,3,1,0,2,acept,not furnished,415,1800,44,27,2286 +São Paulo,368,4,5,6,1,not acept,not furnished,4384,8500,2037,108,15030 +Rio de Janeiro,160,3,2,1,7,acept,not furnished,2305,2300,205,30,4840 +Belo Horizonte,120,4,3,2,4,acept,not furnished,0,3250,0,44,3294 +Belo Horizonte,180,4,3,4,6,not acept,not furnished,1633,12000,695,160,14490 +Belo Horizonte,290,3,3,0,-,acept,not furnished,0,6000,276,99,6375 +São Paulo,225,4,3,2,-,acept,not furnished,0,3995,132,61,4188 +Campinas,60,3,1,1,-,not acept,not furnished,450,1087,67,14,1618 +São Paulo,35,1,1,0,1,not acept,not furnished,250,1305,0,17,1572 +São Paulo,95,3,2,1,11,acept,not furnished,1334,6500,280,83,8197 +Belo Horizonte,260,4,4,0,5,acept,not furnished,562,6500,241,87,7390 +São Paulo,260,4,4,4,8,acept,not furnished,3150,10000,1163,127,14440 +Rio de Janeiro,350,3,2,3,-,acept,not furnished,0,15000,834,229,16060 +São Paulo,500,4,4,0,-,acept,not furnished,0,6000,467,91,6558 +Porto Alegre,42,1,1,1,2,acept,not furnished,255,2198,0,33,2486 +São Paulo,80,2,1,1,2,acept,furnished,1600,3500,188,45,5333 +São Paulo,100,5,5,2,-,not acept,not furnished,0,4500,382,68,4950 +São Paulo,110,2,2,2,9,acept,not furnished,1090,2300,109,30,3529 +São Paulo,70,1,1,0,-,not acept,not furnished,0,1520,125,23,1668 +São Paulo,12,1,1,0,-,not acept,not furnished,0,950,50,13,1013 +São Paulo,62,1,1,1,-,not acept,not furnished,0,1300,9,20,1329 +São Paulo,90,2,1,1,1,acept,not furnished,800,1600,84,21,2505 +São Paulo,220,3,3,2,11,acept,not furnished,4500,9000,584,115,14200 +Porto Alegre,197,3,2,3,3,acept,not furnished,1780,7000,425,103,9308 +São Paulo,214,3,2,5,4,acept,not furnished,4226,14000,2469,178,20870 +Rio de Janeiro,105,3,2,1,2,acept,not furnished,1200,1750,147,23,3120 +Belo Horizonte,390,5,5,5,8,not acept,not furnished,1300,8000,797,107,10200 +São Paulo,390,4,5,4,-,acept,furnished,0,11500,784,173,12460 +Rio de Janeiro,105,3,2,1,5,acept,not furnished,1350,3700,380,28,5458 +São Paulo,270,3,6,2,8,acept,furnished,2800,3270,1000,42,7112 +Belo Horizonte,260,4,4,5,5,not acept,not furnished,295,4500,407,60,5262 +Rio de Janeiro,344,4,3,2,16,acept,furnished,2414,3612,419,47,6492 +São Paulo,100,2,1,0,-,not acept,not furnished,0,2000,110,31,2141 +Rio de Janeiro,50,2,1,0,5,acept,furnished,460,1800,50,24,2334 +São Paulo,183,4,3,4,3,acept,not furnished,2380,5950,192,76,8598 +São Paulo,270,4,5,3,19,acept,furnished,2500,9753,1500,124,13880 +São Paulo,180,2,3,2,9,acept,not furnished,2000,5900,604,75,8579 +São Paulo,52,2,1,1,9,not acept,not furnished,350,1580,0,21,1951 +São Paulo,260,4,4,4,-,acept,not furnished,0,4500,0,68,4568 +Rio de Janeiro,38,1,1,1,3,acept,not furnished,423,1450,0,19,1892 +São Paulo,40,1,1,1,13,acept,not furnished,1840,2990,409,38,5277 +São Paulo,360,4,5,4,18,acept,not furnished,3150,7800,1350,99,12400 +Porto Alegre,160,3,3,3,8,acept,furnished,2200,8950,621,131,11900 +São Paulo,120,3,2,2,-,acept,not furnished,0,4800,192,73,5065 +São Paulo,70,2,1,1,1,acept,not furnished,280,1000,138,13,1431 +Campinas,203,3,1,2,-,acept,not furnished,0,3300,117,50,3467 +São Paulo,18,1,1,0,1,not acept,not furnished,0,1260,0,16,1276 +Rio de Janeiro,50,2,1,1,5,acept,furnished,470,1550,13,20,2053 +São Paulo,33,1,1,0,4,acept,not furnished,400,1300,50,17,1767 +São Paulo,30,1,1,0,-,acept,not furnished,0,1090,75,14,1179 +São Paulo,330,2,4,3,-,acept,not furnished,0,6000,2000,91,8091 +Porto Alegre,60,2,2,1,4,not acept,not furnished,600,2170,67,32,2869 +São Paulo,144,3,4,3,4,acept,furnished,856,7200,589,92,8737 +Rio de Janeiro,93,2,1,1,7,acept,furnished,1200,5500,317,71,7088 +São Paulo,100,2,1,1,-,acept,not furnished,0,1900,84,29,2013 +Porto Alegre,71,3,1,0,1,acept,not furnished,320,1250,46,19,1635 +Rio de Janeiro,67,1,1,1,11,acept,not furnished,508,800,123,11,1442 +São Paulo,70,2,1,0,1,acept,not furnished,521,3000,50,39,3610 +Belo Horizonte,300,4,6,4,2,acept,furnished,2350,13000,1387,174,16910 +São Paulo,240,3,2,2,17,not acept,not furnished,2680,9800,667,125,13270 +São Paulo,96,3,1,2,1,acept,not furnished,600,1847,15,24,2486 +São Paulo,200,4,3,2,10,acept,furnished,2400,4500,1334,58,8292 +Campinas,54,1,2,1,6,acept,furnished,400,3500,0,45,3945 +São Paulo,174,3,5,3,24,acept,not furnished,1350,6800,4565,87,12800 +São Paulo,350,3,4,4,-,acept,furnished,0,15000,1234,226,16460 +Belo Horizonte,92,3,2,2,3,acept,not furnished,300,1950,171,26,2447 +Belo Horizonte,125,3,2,0,2,acept,not furnished,704,1850,384,25,2963 +Campinas,308,3,4,4,-,acept,not furnished,0,8000,478,121,8599 +São Paulo,375,4,5,4,-,acept,not furnished,0,12750,959,192,13900 +São Paulo,137,3,4,2,2,acept,not furnished,1300,2200,334,28,3862 +Belo Horizonte,70,1,1,0,1,acept,not furnished,200,1100,135,15,1450 +Belo Horizonte,65,2,2,1,3,acept,not furnished,220,1200,96,16,1532 +São Paulo,107,2,2,2,18,acept,furnished,1800,12800,417,163,15180 +São Paulo,85,2,2,1,13,acept,not furnished,1470,4131,311,53,5965 +São Paulo,69,2,1,0,4,acept,not furnished,525,3000,0,22,3547 +Belo Horizonte,110,3,2,1,2,not acept,not furnished,400,1400,150,19,1969 +Porto Alegre,113,3,2,3,4,acept,not furnished,599,2200,100,33,2932 +São Paulo,213,4,3,0,3,acept,furnished,440,5100,0,65,5605 +São Paulo,140,2,2,2,-,not acept,not furnished,0,2700,56,41,2797 +Belo Horizonte,253,3,3,3,4,acept,not furnished,326,2400,251,32,3009 +Belo Horizonte,490,4,4,3,-,acept,not furnished,0,9000,585,148,9733 +São Paulo,96,4,2,2,-,acept,not furnished,0,3710,412,56,4178 +São Paulo,23,1,1,0,25,acept,not furnished,393,2100,59,27,2579 +Rio de Janeiro,80,2,2,1,9,not acept,furnished,3908,5000,380,65,9353 +São Paulo,92,3,2,2,10,acept,not furnished,990,3500,317,45,4852 +Rio de Janeiro,25,1,1,0,2,acept,furnished,530,1900,350,25,2805 +São Paulo,220,3,2,8,-,acept,not furnished,0,4335,263,66,4664 +São Paulo,70,3,1,1,1,acept,not furnished,1080,2000,67,26,3173 +São Paulo,130,3,2,1,1,not acept,not furnished,1144,4300,167,55,5666 +Rio de Janeiro,120,3,2,0,5,acept,furnished,980,1800,162,24,2966 +São Paulo,208,3,2,1,5,acept,not furnished,1749,7000,384,89,9222 +Belo Horizonte,70,2,1,2,3,acept,not furnished,240,2000,27,27,2294 +São Paulo,160,5,3,3,-,acept,not furnished,0,4460,321,68,4849 +Belo Horizonte,214,4,3,3,1,not acept,not furnished,1760,5600,798,75,8233 +São Paulo,40,1,1,1,3,acept,furnished,820,3179,0,41,4040 +Rio de Janeiro,64,2,1,0,6,not acept,not furnished,950,3500,125,46,4621 +São Paulo,290,4,5,2,6,acept,not furnished,4300,10000,875,127,15300 +Porto Alegre,35,1,1,0,-,acept,furnished,220,850,9,13,1092 +São Paulo,138,2,3,2,13,acept,not furnished,1800,8000,455,102,10360 +Belo Horizonte,78,2,3,2,3,acept,not furnished,407,2500,209,34,3150 +Belo Horizonte,92,3,1,1,2,acept,not furnished,270,1900,81,26,2277 +Porto Alegre,513,3,2,2,3,acept,furnished,350,2900,100,43,3393 +Campinas,58,1,1,1,1,acept,not furnished,797,1270,64,17,2148 +São Paulo,51,1,1,1,25,acept,furnished,714,4650,190,59,5613 +Belo Horizonte,200,4,5,3,5,not acept,furnished,1900,9000,134,120,11150 +Porto Alegre,115,1,1,0,4,acept,furnished,350,1600,150,24,2124 +Rio de Janeiro,64,2,1,1,1,acept,furnished,2244,1900,258,25,4427 +Campinas,40,1,1,1,2,not acept,not furnished,1300,1000,0,13,2313 +Rio de Janeiro,159,3,2,2,12,acept,not furnished,1350,1900,650,25,3925 +Rio de Janeiro,35,1,1,0,1,acept,furnished,0,1850,74,24,1948 +São Paulo,192,3,1,0,-,not acept,not furnished,0,1560,125,24,1709 +São Paulo,250,5,5,0,-,acept,not furnished,0,4500,0,68,4568 +Campinas,43,1,1,0,5,not acept,not furnished,323,660,14,9,1006 +Belo Horizonte,142,3,3,2,-,acept,not furnished,0,2000,114,33,2147 +Belo Horizonte,244,4,3,3,3,acept,not furnished,600,2900,276,39,3815 +São Paulo,200,3,2,3,14,acept,furnished,3000,8000,667,102,11770 +Campinas,55,2,1,1,4,acept,not furnished,395,700,40,9,1144 +São Paulo,108,4,2,0,9,acept,not furnished,1013,5500,142,70,6725 +São Paulo,120,3,1,0,-,acept,not furnished,0,2200,0,34,2234 +São Paulo,44,1,1,1,13,not acept,furnished,2102,4300,477,55,6934 +Belo Horizonte,50,2,1,1,4,acept,not furnished,158,1140,0,16,1314 +São Paulo,87,2,2,2,15,acept,not furnished,722,3800,250,49,4821 +São Paulo,88,3,2,2,11,acept,furnished,1350,5870,108,75,7403 +São Paulo,376,3,3,2,-,acept,not furnished,0,1800,300,28,2128 +Porto Alegre,38,1,1,1,8,acept,not furnished,350,1490,46,22,1908 +Campinas,45,1,1,1,15,acept,not furnished,653,880,38,12,1583 +Rio de Janeiro,36,1,1,0,4,not acept,furnished,1,1627,1,21,1650 +Rio de Janeiro,75,2,1,1,4,acept,furnished,500,1360,33,18,1911 +São Paulo,85,2,2,1,6,not acept,furnished,850,3000,71,39,3960 +São Paulo,35,1,1,0,-,acept,not furnished,0,1100,30,14,1144 +Porto Alegre,58,2,2,2,8,acept,not furnished,500,2470,0,37,3007 +São Paulo,90,2,3,1,-,acept,not furnished,270,2300,3,35,2608 +Porto Alegre,87,2,1,1,6,acept,furnished,300,1550,43,23,1916 +São Paulo,136,3,2,2,8,not acept,furnished,1490,8090,417,103,10100 +Rio de Janeiro,124,3,2,2,8,not acept,furnished,1250,5400,250,70,6970 +São Paulo,51,1,1,0,13,acept,furnished,340,2500,79,32,2951 +Campinas,90,2,1,0,-,not acept,not furnished,0,1700,105,26,1831 +Porto Alegre,270,2,3,1,-,acept,not furnished,0,6500,38,116,6654 +Campinas,200,4,3,2,1,acept,not furnished,1150,3400,209,44,4803 +Porto Alegre,79,3,1,0,10,acept,furnished,480,1140,500,17,2137 +São Paulo,40,2,1,1,1,acept,not furnished,700,3300,0,42,4042 +São Paulo,300,3,5,4,-,acept,not furnished,470,6600,634,100,7804 +São Paulo,44,1,1,0,13,not acept,furnished,450,1900,104,25,2479 +São Paulo,130,3,2,2,-,acept,not furnished,0,2200,0,34,2234 +São Paulo,180,3,4,3,15,acept,furnished,1441,6400,690,82,8613 +São Paulo,79,3,2,2,4,not acept,furnished,660,3200,26,41,3927 +Belo Horizonte,50,1,1,1,4,not acept,furnished,530,1850,202,25,2607 +Campinas,110,3,1,1,-,acept,not furnished,0,1500,50,23,1573 +São Paulo,17,1,1,0,1,not acept,furnished,300,2200,50,28,2578 +Belo Horizonte,60,2,1,1,8,acept,not furnished,405,2100,162,28,2695 +Rio de Janeiro,95,2,2,0,5,acept,not furnished,900,1700,141,22,2763 +São Paulo,145,2,2,1,-,acept,not furnished,0,2975,190,45,3210 +São Paulo,125,3,4,5,-,acept,not furnished,0,10000,666,151,10820 +Rio de Janeiro,70,1,1,1,3,acept,furnished,750,2000,250,26,3026 +Rio de Janeiro,90,2,2,1,4,not acept,not furnished,900,2700,105,35,3740 +São Paulo,28,1,1,0,6,acept,furnished,280,2500,22,32,2834 +Campinas,110,3,3,2,-,acept,not furnished,560,3200,88,49,3897 +Belo Horizonte,165,3,3,3,-,acept,not furnished,0,3000,192,50,3242 +São Paulo,25,1,1,0,9,acept,furnished,160,1750,0,23,1933 +São Paulo,195,4,3,4,7,acept,not furnished,1808,2700,1067,35,5610 +Belo Horizonte,70,3,1,1,3,acept,not furnished,90,900,1,12,1003 +Campinas,50,1,1,0,1,not acept,furnished,640,2000,100,26,2766 +São Paulo,44,1,1,0,6,acept,not furnished,660,2800,110,36,3606 +Belo Horizonte,245,4,5,2,7,acept,not furnished,1400,2025,234,27,3686 +São Paulo,46,2,1,0,1,acept,not furnished,267,1700,0,22,1989 +Belo Horizonte,70,2,1,1,2,acept,not furnished,140,950,32,13,1135 +Rio de Janeiro,50,1,1,0,1,acept,furnished,250,750,0,10,1010 +Belo Horizonte,40,2,2,1,2,not acept,not furnished,210,900,0,12,1122 +São Paulo,94,3,2,2,17,acept,not furnished,915,2173,295,28,3411 +São Paulo,323,3,5,6,-,acept,not furnished,0,10000,985,151,11140 +Rio de Janeiro,140,3,2,2,7,acept,furnished,2320,7400,543,96,10360 +Rio de Janeiro,102,3,2,1,4,acept,not furnished,1600,5000,38,65,6703 +São Paulo,170,3,2,1,14,not acept,not furnished,1050,4500,263,58,5871 +Belo Horizonte,250,4,2,2,-,acept,furnished,600,3500,0,47,4147 +São Paulo,44,1,1,0,1,not acept,not furnished,0,1200,30,16,1246 +São Paulo,54,2,2,1,4,acept,not furnished,954,2800,199,36,3989 +Rio de Janeiro,125,4,4,2,8,acept,not furnished,1600,6130,217,79,8026 +São Paulo,80,3,1,1,8,acept,furnished,703,2500,87,32,3322 +São Paulo,150,3,2,4,-,acept,not furnished,0,9670,55,146,9871 +Belo Horizonte,50,2,1,1,10,acept,not furnished,160,800,0,11,971 +São Paulo,270,4,4,4,-,acept,furnished,0,8840,667,133,9640 +São Paulo,53,1,1,1,6,not acept,furnished,0,3500,0,45,3545 +São Paulo,486,8,4,6,-,acept,not furnished,0,25000,2200,376,27580 +Belo Horizonte,200,3,1,1,-,acept,not furnished,0,3800,361,63,4224 +São Paulo,218,3,3,3,9,acept,furnished,1850,15000,809,191,17850 +São Paulo,50,1,1,1,-,acept,not furnished,0,1750,0,27,1777 +Porto Alegre,112,2,2,2,10,acept,not furnished,1100,3153,100,47,4400 +Campinas,300,4,5,4,-,acept,not furnished,0,4000,362,61,4423 +Belo Horizonte,75,2,1,2,-,acept,not furnished,0,1500,63,25,1588 +São Paulo,700,3,3,8,-,acept,furnished,1200,13500,1210,203,16110 +São Paulo,250,2,2,1,-,acept,not furnished,0,4800,534,73,5407 +Campinas,50,1,1,0,-,acept,not furnished,0,940,50,15,1005 +Rio de Janeiro,91,2,2,1,14,acept,furnished,5197,9800,620,127,15740 +Rio de Janeiro,83,2,1,1,4,acept,not furnished,850,2330,74,31,3285 +São Paulo,335,4,6,4,2,acept,furnished,3500,4500,0,58,8058 +São Paulo,520,4,4,3,-,acept,furnished,0,12000,1688,181,13870 +São Paulo,235,3,2,2,5,acept,furnished,3650,7200,626,92,11570 +São Paulo,50,1,1,0,3,acept,not furnished,400,1500,59,20,1979 +São Paulo,280,5,5,4,13,acept,not furnished,3100,10000,1167,127,14390 +São Paulo,80,1,1,1,2,not acept,not furnished,0,1200,0,16,1216 +São Paulo,70,2,2,1,-,acept,not furnished,0,2100,9,27,2136 +São Paulo,139,3,2,0,7,acept,not furnished,1250,8000,103,102,9455 +Belo Horizonte,325,4,3,0,-,acept,not furnished,0,9000,236,148,9384 +São Paulo,60,2,1,1,6,acept,not furnished,1064,1100,0,14,2178 +Porto Alegre,238,4,3,1,5,acept,furnished,1200,4250,300,63,5813 +São Paulo,50,1,1,0,-,not acept,not furnished,0,1093,0,17,1110 +São Paulo,128,3,3,0,9,acept,not furnished,1260,2900,226,37,4423 +São Paulo,300,3,6,6,-,not acept,not furnished,0,5000,1000,76,6076 +São Paulo,160,3,3,1,-,acept,not furnished,0,8000,0,121,8121 +Belo Horizonte,400,5,5,8,-,acept,not furnished,0,7900,513,130,8543 +Rio de Janeiro,62,2,1,0,3,acept,not furnished,605,1200,197,16,2018 +São Paulo,300,4,5,2,-,acept,not furnished,0,4200,250,64,4514 +São Paulo,300,5,5,4,8,acept,not furnished,3200,4792,1500,61,9553 +Campinas,30,1,1,0,-,not acept,not furnished,0,1400,0,22,1422 +Belo Horizonte,155,1,4,0,4,not acept,not furnished,1117000,2790,64,38,1120000 +São Paulo,300,3,2,3,-,acept,furnished,0,3700,130,56,3886 +São Paulo,37,1,1,1,12,acept,furnished,399,3700,0,47,4146 +São Paulo,35,1,1,0,16,not acept,furnished,2000,1500,309,20,3829 +Porto Alegre,55,1,1,0,1,acept,not furnished,250,700,32,11,993 +São Paulo,50,1,1,0,1,acept,not furnished,325,1550,25,20,1920 +São Paulo,64,2,1,2,10,not acept,furnished,2530,4000,342,51,6923 +São Paulo,49,2,1,1,5,acept,not furnished,360,2000,0,26,2386 +Campinas,87,3,2,1,9,acept,not furnished,743,1800,109,23,2675 +São Paulo,250,3,4,2,-,acept,not furnished,300,3480,360,53,4193 +São Paulo,72,3,2,1,3,not acept,not furnished,790,1750,3,23,2566 +São Paulo,76,3,3,2,1,acept,not furnished,900,2662,284,34,3880 +Porto Alegre,163,3,4,2,3,acept,furnished,1916,8000,217,117,10250 +São Paulo,75,2,1,0,5,acept,furnished,500,4000,0,51,4551 +Campinas,89,3,2,1,7,acept,not furnished,860,1800,70,23,2753 +São Paulo,93,3,3,2,5,acept,furnished,1203,4200,267,54,5724 +São Paulo,420,3,6,4,-,not acept,not furnished,0,6500,0,98,6598 +Belo Horizonte,640,6,7,5,-,acept,furnished,0,6141,667,101,6909 +São Paulo,326,3,4,5,12,acept,furnished,3600,15000,3000,191,21790 +São Paulo,136,3,4,3,4,not acept,not furnished,1546,3500,350,45,5441 +Porto Alegre,39,1,1,0,2,acept,furnished,120,780,8,12,920 +Belo Horizonte,70,2,1,1,1,acept,not furnished,490,900,0,8,1398 +São Paulo,480,4,6,5,-,acept,not furnished,0,15000,1572,226,16800 +São Paulo,50,2,1,0,5,acept,not furnished,515,1900,42,25,2482 +São Paulo,180,3,3,5,-,acept,not furnished,0,2500,232,38,2770 +Belo Horizonte,100,3,2,2,9,acept,furnished,850,3000,371,40,4261 +Belo Horizonte,100,3,2,1,-,acept,furnished,100,2000,74,33,2207 +São Paulo,560,5,5,6,-,acept,not furnished,0,15000,1917,226,17140 +São Paulo,180,5,3,2,-,not acept,not furnished,0,9000,0,136,9136 +Rio de Janeiro,44,1,1,0,3,acept,not furnished,505,2350,67,31,2953 +São Paulo,18,1,1,1,3,not acept,not furnished,690,1090,84,14,1878 +Campinas,154,2,2,1,-,acept,not furnished,0,1300,109,20,1429 +São Paulo,80,2,2,1,1,not acept,furnished,2224,2800,334,36,5394 +Belo Horizonte,308,2,3,3,-,acept,not furnished,0,2000,171,33,2204 +São Paulo,150,4,4,1,-,acept,furnished,0,4500,615,68,5183 +São Paulo,80,2,2,2,4,acept,not furnished,850,2450,250,32,3582 +São Paulo,70,2,1,1,1,acept,not furnished,280,1000,138,13,1431 +São Paulo,136,3,2,1,7,acept,furnished,1780,4000,250,51,6081 +Porto Alegre,55,1,1,1,6,acept,not furnished,450,935,45,14,1444 +Porto Alegre,90,3,2,1,2,acept,furnished,650,2200,60,33,2943 +Campinas,48,2,1,1,8,acept,not furnished,380,1545,49,20,1994 +São Paulo,224,4,5,3,12,acept,not furnished,9500,9500,1650,121,20770 +Porto Alegre,32,1,1,1,4,acept,not furnished,450,2500,42,37,3029 +Rio de Janeiro,60,2,1,1,8,acept,not furnished,355,500,47,7,909 +Rio de Janeiro,150,3,2,1,12,acept,furnished,1100,4200,234,55,5589 +São Paulo,260,3,5,3,3,acept,not furnished,4400,4500,134,58,9092 +São Paulo,42,1,1,0,3,acept,not furnished,350,1120,34,14,1518 +Belo Horizonte,320,4,3,3,10,not acept,furnished,1700,7000,600,94,9394 +Porto Alegre,460,4,4,4,-,acept,not furnished,0,4000,270,72,4342 +São Paulo,208,3,3,3,13,acept,not furnished,2204,5960,641,76,8881 +São Paulo,360,4,5,4,12,acept,not furnished,4350,6593,1830,84,12860 +São Paulo,30,1,1,0,1,not acept,furnished,1200,1500,25,20,2745 +São Paulo,132,2,2,0,1,acept,furnished,978,2900,0,37,3915 +Belo Horizonte,250,6,6,2,-,acept,not furnished,0,9000,495,148,9643 +São Paulo,29,1,1,1,10,not acept,furnished,1500,3050,200,39,4789 +São Paulo,100,1,2,2,-,acept,not furnished,0,2000,84,31,2115 +Rio de Janeiro,100,3,2,1,12,acept,not furnished,700,1920,217,25,2862 +Porto Alegre,120,3,3,0,7,acept,furnished,1126,7500,284,110,9020 +Belo Horizonte,390,6,3,2,-,acept,not furnished,0,11000,417,181,11600 +São Paulo,80,3,1,0,-,acept,not furnished,0,2400,60,37,2497 +São Paulo,140,3,3,1,2,acept,furnished,1100,3000,59,39,4198 +São Paulo,146,3,2,2,14,acept,furnished,1400,3500,600,45,5545 +Belo Horizonte,360,4,2,4,-,acept,not furnished,0,6000,189,99,6288 +São Paulo,165,3,3,4,9,acept,not furnished,2000,5000,584,64,7648 +São Paulo,100,3,2,2,-,acept,furnished,550,3570,63,54,4237 +São Paulo,80,3,2,2,11,acept,not furnished,890,3100,90,40,4120 +São Paulo,29,1,1,0,18,acept,not furnished,298,2300,25,30,2653 +Campinas,46,1,1,1,4,not acept,not furnished,560,935,45,12,1552 +São Paulo,110,3,2,2,14,not acept,furnished,1850,5500,341,70,7761 +São Paulo,300,3,3,3,-,acept,not furnished,1,3400,417,52,3870 +São Paulo,62,2,2,3,7,acept,not furnished,2890,7000,384,89,10360 +São Paulo,150,3,1,0,3,not acept,not furnished,200,4200,12,54,4466 +Porto Alegre,92,3,1,0,3,acept,not furnished,600,1800,42,27,2469 +Belo Horizonte,50,2,1,1,4,acept,not furnished,150,900,0,12,1062 +São Paulo,220,3,3,3,9,acept,not furnished,3500,8900,1466,113,13980 +Rio de Janeiro,250,4,3,2,6,acept,not furnished,2870,5300,852,69,9091 +Rio de Janeiro,160,3,2,1,2,acept,not furnished,2000,4000,417,52,6469 +Rio de Janeiro,110,3,2,1,7,acept,not furnished,1250,2500,309,33,4092 +São Paulo,120,4,4,4,-,acept,not furnished,0,4000,0,61,4061 +Porto Alegre,101,3,2,1,3,acept,not furnished,630,2900,142,43,3715 +São Paulo,60,2,1,0,8,not acept,furnished,435,1800,0,23,2258 +São Paulo,60,2,1,1,-,not acept,not furnished,0,1700,23,26,1749 +São Paulo,330,4,3,0,9,acept,not furnished,4400,10000,1084,127,15610 +São Paulo,350,3,6,4,28,acept,furnished,2100,12000,1417,153,15670 +Rio de Janeiro,26,1,1,0,1,acept,not furnished,0,2100,167,28,2295 +São Paulo,110,4,5,3,-,acept,not furnished,0,3900,625,59,4584 +São Paulo,233,3,4,4,15,not acept,furnished,3780,4300,2567,55,10700 +Belo Horizonte,441,5,5,8,-,acept,not furnished,0,8000,553,132,8685 +Porto Alegre,44,1,1,0,4,acept,furnished,270,550,6,9,835 +São Paulo,150,3,4,3,-,acept,furnished,0,4600,500,70,5170 +São Paulo,50,1,1,0,-,acept,not furnished,0,820,8,13,841 +Belo Horizonte,136,4,3,1,1,acept,not furnished,347,2300,72,31,2750 +São Paulo,455,3,2,4,-,acept,not furnished,0,11000,1834,166,13000 +Belo Horizonte,160,4,4,3,12,not acept,furnished,1634,6500,696,87,8917 +São Paulo,58,1,1,2,2,acept,not furnished,640,2000,0,26,2666 +Porto Alegre,75,2,1,0,1,acept,not furnished,380,2500,100,37,3017 +Rio de Janeiro,160,3,2,1,1,acept,not furnished,2300,3150,3700,41,9191 +São Paulo,310,5,2,2,15,acept,not furnished,2800,5000,1084,64,8948 +São Paulo,180,3,2,2,3,acept,not furnished,2200,2500,542,32,5274 +São Paulo,207,3,4,3,3,acept,not furnished,2600,2500,817,32,5949 +São Paulo,91,3,3,3,5,not acept,not furnished,1312,2438,850,31,4631 +São Paulo,275,4,3,4,5,acept,furnished,3000,10000,0,127,13130 +São Paulo,265,4,6,3,6,not acept,not furnished,2400,2500,1284,32,6216 +São Paulo,57,1,1,1,4,acept,furnished,300,6000,17,77,6394 +Porto Alegre,450,5,5,2,-,acept,not furnished,1100,8000,417,143,9660 +São Paulo,245,4,5,4,9,acept,not furnished,2641,3200,744,41,6626 +São Paulo,216,3,4,2,10,acept,not furnished,3400,4675,870,60,9005 +Campinas,74,3,2,1,4,acept,not furnished,390,900,24,12,1326 +São Paulo,80,2,1,1,6,acept,not furnished,654,2300,94,30,3078 +São Paulo,130,3,2,2,6,acept,not furnished,1100,3850,209,49,5208 +Porto Alegre,56,1,2,1,6,acept,furnished,650,2500,100,37,3287 +São Paulo,163,2,3,3,3,acept,not furnished,1650,7000,896,89,9635 +Porto Alegre,70,2,1,0,8,acept,furnished,400,1200,34,18,1652 +Campinas,45,1,1,0,3,acept,not furnished,412,860,66,11,1349 +São Paulo,80,1,2,0,6,not acept,not furnished,1174,3900,135,50,5259 +São Paulo,80,2,1,0,11,not acept,not furnished,600,1950,0,25,2575 +São Paulo,600,3,3,4,-,acept,not furnished,0,6800,966,103,7869 +Belo Horizonte,150,3,2,2,3,acept,not furnished,1350,1600,108,22,3080 +Belo Horizonte,28,1,1,1,-,not acept,furnished,550,1250,0,17,1817 +São Paulo,265,3,3,2,-,acept,furnished,0,8712,1167,131,10010 +Belo Horizonte,100,4,2,2,-,acept,not furnished,0,2840,369,47,3256 +Campinas,55,1,1,1,3,not acept,not furnished,260,1100,30,14,1404 +Campinas,48,2,1,1,4,acept,not furnished,243,850,0,11,1104 +Rio de Janeiro,82,2,2,0,2,acept,not furnished,1296,3000,232,39,4567 +Belo Horizonte,140,4,3,3,4,acept,not furnished,1320,3300,292,44,4956 +Belo Horizonte,360,5,6,4,-,acept,furnished,0,12000,329,197,12530 +São Paulo,35,1,1,0,7,acept,not furnished,400,1200,0,16,1616 +Porto Alegre,72,2,2,1,2,acept,not furnished,650,950,100,14,1714 +Belo Horizonte,133,3,2,3,1,not acept,not furnished,806,2100,161,28,3095 +Porto Alegre,95,3,1,2,2,acept,not furnished,510,1300,96,19,1925 +Porto Alegre,27,1,1,0,2,acept,not furnished,100,960,75,15,1150 +São Paulo,30,1,1,1,6,not acept,furnished,2400,3500,0,45,5945 +Belo Horizonte,350,5,5,3,3,not acept,not furnished,500,2000,252,27,2779 +São Paulo,179,3,3,3,12,acept,furnished,1800,3200,900,41,5941 +Porto Alegre,65,3,2,1,3,acept,not furnished,400,850,24,13,1287 +Rio de Janeiro,150,4,3,2,-,acept,not furnished,0,5000,717,77,5794 +São Paulo,35,1,1,0,1,not acept,not furnished,0,1310,0,17,1327 +Porto Alegre,47,1,1,1,1,not acept,furnished,400,2200,0,33,2633 +Belo Horizonte,360,6,3,4,-,acept,not furnished,0,7000,1108,115,8223 +São Paulo,115,2,2,1,18,acept,furnished,950,6500,125,83,7658 +São Paulo,341,3,3,2,6,acept,not furnished,2600,4400,825,56,7881 +Porto Alegre,89,2,2,1,2,acept,not furnished,350,1850,0,28,2228 +Rio de Janeiro,46,1,1,0,3,acept,not furnished,650,2350,131,31,3162 +São Paulo,226,3,4,3,6,acept,not furnished,2200,6900,1209,88,10400 +Rio de Janeiro,32,1,1,0,10,acept,not furnished,360,1430,62,19,1871 +São Paulo,115,2,3,2,8,acept,not furnished,1380,12000,790,153,14320 +Porto Alegre,164,3,3,0,5,acept,not furnished,1680,4500,225,66,6471 +São Paulo,37,1,1,1,8,acept,furnished,500,3000,125,39,3664 +São Paulo,160,3,2,2,-,acept,not furnished,0,4000,267,61,4328 +São Paulo,175,4,3,2,-,acept,not furnished,0,3200,380,49,3629 +Belo Horizonte,140,3,2,1,11,not acept,furnished,1000,3300,184,44,4528 +São Paulo,400,4,6,5,-,acept,not furnished,0,5300,984,80,6364 +São Paulo,45,1,2,0,1,acept,not furnished,0,1430,0,22,1452 +Belo Horizonte,153,4,2,2,1,acept,not furnished,1000,3500,426,47,4973 +Campinas,56,2,1,1,1,acept,not furnished,345,760,11,10,1126 +São Paulo,383,4,5,6,-,acept,not furnished,2780,9500,1760,143,14180 +São Paulo,146,3,4,2,8,acept,furnished,1800,11000,592,140,13530 +São Paulo,135,3,2,0,3,acept,not furnished,1400,4500,317,58,6275 +São Paulo,37,1,1,1,18,not acept,not furnished,676,3000,112,39,3827 +São Paulo,238,3,5,3,1,acept,furnished,2700,15000,834,191,18730 +São Paulo,55,1,1,0,1,acept,not furnished,0,1100,0,14,1114 +São Paulo,92,2,2,2,17,acept,furnished,840,2288,244,29,3401 +Porto Alegre,215,6,6,6,-,acept,not furnished,0,5000,109,89,5198 +Porto Alegre,320,4,4,2,13,acept,furnished,1500,4500,2900,66,8966 +Campinas,64,1,2,1,11,not acept,not furnished,930,1540,68,20,2558 +Belo Horizonte,92,2,2,2,16,acept,not furnished,1169,5000,67,67,6303 +Rio de Janeiro,72,2,1,1,3,acept,not furnished,300,800,15,11,1126 +Rio de Janeiro,65,1,1,0,4,acept,not furnished,350,2200,30,29,2609 +Rio de Janeiro,500,5,5,2,11,acept,furnished,2500,8000,459,104,11060 +São Paulo,131,4,4,2,11,acept,not furnished,1400,4500,317,58,6275 +São Paulo,70,3,2,2,16,acept,furnished,650,2500,120,32,3302 +São Paulo,530,4,6,4,11,acept,not furnished,4310,2569,2417,33,9329 +Belo Horizonte,85,3,3,2,2,not acept,not furnished,270,1750,165,24,2209 +São Paulo,20,1,1,0,1,acept,furnished,602,1800,130,23,2555 +São Paulo,139,3,4,2,12,not acept,furnished,1350,11000,500,140,12990 +São Paulo,45,1,1,1,1,not acept,furnished,3000,5520,0,70,8590 +Belo Horizonte,266,4,3,2,-,acept,not furnished,0,7500,236,123,7859 +Belo Horizonte,110,3,2,4,-,acept,not furnished,30,2100,145,35,2310 +São Paulo,182,3,4,3,-,acept,not furnished,0,7000,459,106,7565 +São Paulo,318,4,6,4,-,not acept,not furnished,2500,12000,334,153,14990 +São Paulo,380,4,6,1,-,not acept,furnished,0,10840,334,163,11330 +Rio de Janeiro,85,2,3,0,1,acept,not furnished,0,1940,167,25,2132 +Porto Alegre,62,2,1,0,3,acept,not furnished,80,1250,40,19,1389 +Rio de Janeiro,42,1,1,0,8,acept,not furnished,500,1300,42,17,1859 +São Paulo,50,2,2,1,10,acept,not furnished,400,1900,0,25,2325 +Belo Horizonte,52,2,1,1,3,acept,not furnished,300,860,61,12,1233 +São Paulo,179,4,4,3,8,acept,furnished,1100,8500,751,108,10460 +Rio de Janeiro,100,2,3,0,12,acept,not furnished,800,2662,373,35,3870 +Rio de Janeiro,80,2,2,1,4,acept,not furnished,1090,2500,119,33,3742 +São Paulo,180,3,1,1,1,acept,not furnished,100,2500,84,38,2722 +Porto Alegre,650,4,6,5,-,acept,furnished,0,13800,650,246,14700 +Porto Alegre,51,1,1,1,4,acept,not furnished,450,2000,61,30,2541 +Campinas,48,2,1,1,1,not acept,furnished,295,1400,27,18,1740 +Rio de Janeiro,350,4,4,2,14,acept,furnished,1980,9000,833,116,11930 +São Paulo,354,5,6,3,-,acept,not furnished,0,8850,958,134,9942 +São Paulo,250,4,5,0,6,acept,not furnished,2023,12000,1584,153,15760 +São Paulo,55,2,2,1,2,acept,not furnished,600,1300,67,17,1984 +São Paulo,60,2,2,1,7,acept,furnished,752,3800,130,49,4731 +São Paulo,350,4,3,4,-,acept,not furnished,1,7300,600,110,8011 +Rio de Janeiro,70,3,2,0,1,acept,not furnished,0,1500,50,20,1570 +Belo Horizonte,150,4,2,1,-,acept,not furnished,0,2250,9,37,2296 +São Paulo,32,1,1,0,5,acept,not furnished,400,2001,0,26,2427 +Rio de Janeiro,50,1,1,0,1,not acept,furnished,400,2960,200,39,3599 +Belo Horizonte,744,6,6,8,-,acept,furnished,450,11000,3000,181,14630 +Belo Horizonte,26,1,1,1,1,acept,not furnished,60,750,67,10,887 +São Paulo,63,2,2,1,1,acept,furnished,720,3500,113,45,4378 +São Paulo,60,2,1,0,6,acept,not furnished,450,1600,0,21,2071 +São Paulo,120,3,2,1,7,acept,furnished,1400,3280,125,42,4847 +Rio de Janeiro,47,2,1,1,5,acept,not furnished,513,1000,0,13,1526 +Campinas,93,3,2,2,2,acept,not furnished,657,1700,73,22,2452 +São Paulo,92,3,2,0,13,acept,not furnished,870,5800,242,74,6986 +Porto Alegre,84,3,2,1,8,acept,not furnished,500,2200,77,33,2810 +São Paulo,100,2,2,1,-,not acept,not furnished,0,1450,80,22,1552 +Campinas,380,4,6,6,-,not acept,not furnished,0,4100,269,62,4431 +São Paulo,130,3,2,1,13,acept,not furnished,1600,2900,200,37,4737 +São Paulo,200,3,3,2,7,not acept,furnished,2500,6000,125,77,8702 +São Paulo,33,1,1,1,26,not acept,furnished,1500,2000,250,26,3776 +São Paulo,100,3,1,0,-,acept,not furnished,0,2200,350,34,2584 +São Paulo,115,2,1,0,5,acept,not furnished,1500,2200,67,28,3795 +São Paulo,327,4,4,5,9,acept,furnished,5200,7000,2662,89,14950 +Belo Horizonte,45,2,1,1,1,acept,not furnished,0,880,0,12,892 +Porto Alegre,124,3,3,1,7,acept,not furnished,970,1942,68,29,3009 +São Paulo,64,1,2,1,15,acept,furnished,650,8900,154,64,9768 +Belo Horizonte,212,4,2,1,5,acept,furnished,1364,2100,250,28,3742 +São Paulo,100,2,3,2,4,acept,not furnished,1800,2200,209,28,4237 +São Paulo,38,1,1,1,3,acept,furnished,475,3008,0,39,3522 +São Paulo,330,3,5,5,8,acept,furnished,3300,7500,1400,96,12300 +São Paulo,71,2,1,1,8,acept,not furnished,800,2140,0,28,2968 +São Paulo,70,2,2,1,16,not acept,not furnished,662,4500,122,58,5342 +São Paulo,220,4,3,3,3,acept,not furnished,1600,3400,0,44,5044 +São Paulo,128,3,2,2,1,acept,not furnished,1100,2500,293,32,3925 +São Paulo,35,1,1,1,16,acept,furnished,572,4900,70,63,5605 +Porto Alegre,220,4,3,1,-,not acept,furnished,230,2000,0,36,2266 +São Paulo,380,4,6,6,11,acept,furnished,4500,12000,3000,153,19650 +São Paulo,43,2,1,1,1,not acept,not furnished,750,1375,17,18,2160 +São Paulo,60,1,1,0,1,acept,not furnished,0,1250,280,16,1546 +Rio de Janeiro,53,1,1,0,7,acept,not furnished,1,1700,74,22,1797 +São Paulo,50,2,1,1,25,acept,furnished,428,3900,71,50,4449 +São Paulo,65,2,2,0,6,acept,not furnished,400,1910,0,25,2335 +São Paulo,150,3,2,1,-,acept,not furnished,0,1450,0,22,1472 +Belo Horizonte,70,3,1,0,4,acept,not furnished,330,970,85,13,1398 +São Paulo,49,1,1,1,7,acept,furnished,1730,6200,0,79,8009 +São Paulo,30,1,1,0,-,not acept,not furnished,0,1200,0,19,1219 +São Paulo,45,1,1,0,7,acept,not furnished,265,1275,0,17,1557 +Porto Alegre,260,2,2,1,4,acept,not furnished,170,2000,25,30,2225 +Porto Alegre,32,1,1,1,4,acept,not furnished,450,2500,42,37,3029 +São Paulo,197,3,4,1,10,acept,not furnished,2665,4500,459,58,7682 +Rio de Janeiro,500,2,5,5,-,not acept,not furnished,0,1810,54,28,1892 +São Paulo,136,3,3,2,5,acept,not furnished,1439,2200,339,28,4006 +Belo Horizonte,120,4,4,2,6,acept,not furnished,1100,3000,493,40,4633 +São Paulo,115,3,2,1,9,acept,furnished,1082,6300,224,80,7686 +São Paulo,130,2,1,1,9,acept,not furnished,1159,3850,160,49,5218 +São Paulo,87,3,3,2,12,not acept,furnished,930,3000,253,39,4222 +São Paulo,95,3,2,0,2,acept,not furnished,0,2350,0,36,2386 +Campinas,70,1,2,1,11,not acept,furnished,1700,1500,184,20,3404 +Rio de Janeiro,87,2,2,1,8,acept,not furnished,1110,3500,249,46,4905 +Belo Horizonte,50,1,1,0,-,not acept,not furnished,0,1050,39,18,1107 +São Paulo,50,1,1,1,1,acept,not furnished,795,3500,213,45,4553 +São Paulo,128,3,4,2,8,not acept,furnished,1337,5000,609,64,7010 +Rio de Janeiro,86,3,2,1,7,acept,furnished,1300,3300,228,43,4871 +São Paulo,100,3,2,1,4,not acept,furnished,950,2700,71,35,3756 +São Paulo,139,4,5,2,6,not acept,not furnished,1500,10000,584,127,12210 +Campinas,72,2,1,0,2,not acept,not furnished,606,780,60,10,1456 +Belo Horizonte,120,3,3,3,1,acept,not furnished,750,2650,434,36,3870 +São Paulo,24,1,1,0,4,not acept,furnished,368,2530,55,33,2986 +Campinas,135,2,2,2,2,acept,not furnished,1175,3800,255,49,5279 +São Paulo,280,3,4,4,6,acept,not furnished,4095,5450,1042,70,10660 +São Paulo,49,1,1,1,18,not acept,furnished,600,5400,0,69,6069 +São Paulo,40,1,1,0,18,not acept,furnished,0,2600,0,33,2633 +São Paulo,320,3,3,4,-,acept,not furnished,0,8000,1167,121,9288 +São Paulo,52,1,1,1,8,not acept,not furnished,1700,4420,188,57,6365 +São Paulo,20,1,1,0,3,not acept,furnished,300,600,40,8,948 +São Paulo,240,3,3,4,22,acept,not furnished,3538,12000,1975,153,17670 +Porto Alegre,109,3,2,1,7,acept,not furnished,992,2080,167,31,3270 +São Paulo,119,3,3,1,8,not acept,furnished,790,3750,135,48,4723 +São Paulo,340,4,6,4,8,acept,furnished,3100,2800,1667,36,7603 +São Paulo,790,4,4,2,-,acept,not furnished,2500,10000,2500,151,15150 +São Paulo,35,1,1,0,5,acept,furnished,700,1618,29,21,2368 +São Paulo,98,3,3,2,1,acept,furnished,1975,2900,459,37,5371 +São Paulo,260,4,4,4,24,acept,not furnished,2622,4000,600,51,7273 +São Paulo,45,2,1,0,3,not acept,not furnished,162,1610,8,21,1801 +São Paulo,270,2,2,3,17,acept,not furnished,2200,8650,0,110,10960 +São Paulo,50,1,1,0,-,acept,not furnished,0,1400,1,22,1423 +Rio de Janeiro,30,1,1,1,2,acept,not furnished,600,900,60,12,1572 +São Paulo,45,2,1,1,8,acept,not furnished,300,1100,38,14,1452 +São Paulo,150,3,1,2,9,acept,not furnished,1300,3000,0,39,4339 +Porto Alegre,42,1,1,1,3,acept,not furnished,390,1390,54,21,1855 +São Paulo,210,3,4,3,6,acept,not furnished,3900,13000,1417,165,18480 +São Paulo,58,2,1,0,9,acept,furnished,397,1780,0,23,2200 +Campinas,76,2,2,2,9,acept,furnished,679,3100,146,40,3965 +Porto Alegre,28,1,1,0,2,acept,not furnished,184,850,12,13,1059 +São Paulo,130,2,4,4,5,not acept,not furnished,1300,2700,411,35,4446 +São Paulo,60,1,1,0,-,not acept,not furnished,0,1300,144,20,1464 +São Paulo,54,2,1,1,7,not acept,not furnished,475,1460,0,19,1954 +São Paulo,111,3,3,2,-,acept,not furnished,0,4000,357,61,4418 +Belo Horizonte,80,2,3,2,5,acept,not furnished,980,2800,350,38,4168 +São Paulo,600,6,5,5,-,acept,furnished,0,12000,3334,181,15520 +Porto Alegre,73,2,1,1,2,acept,not furnished,213,1200,39,18,1470 +Rio de Janeiro,80,2,2,1,7,acept,furnished,3985,5000,395,65,9445 +São Paulo,145,3,3,1,1,acept,not furnished,1225,5800,375,74,7474 +São Paulo,42,1,1,1,3,acept,not furnished,450,2700,52,35,3237 +São Paulo,98,2,1,1,1,acept,not furnished,650,1800,8,23,2481 +Porto Alegre,80,3,2,2,4,acept,not furnished,300,1850,50,28,2228 +Porto Alegre,367,4,3,2,3,acept,furnished,1400,4500,309,66,6275 +Porto Alegre,68,2,2,2,9,acept,not furnished,400,2400,100,20,2920 +Porto Alegre,90,3,2,1,12,acept,not furnished,500,1480,79,22,2081 +Rio de Janeiro,154,4,5,2,3,acept,furnished,3756,10000,750,129,14640 +Porto Alegre,47,2,1,1,7,acept,not furnished,389,1200,0,18,1607 +São Paulo,230,5,3,2,-,acept,furnished,0,3491,291,53,3835 +Rio de Janeiro,180,3,3,1,2,acept,not furnished,2000,2910,459,38,5407 +Rio de Janeiro,120,3,2,1,8,acept,furnished,1300,4500,219,58,6077 +Belo Horizonte,110,3,2,0,5,acept,not furnished,480,1600,93,22,2195 +São Paulo,450,4,6,4,-,acept,not furnished,0,11600,1042,175,12820 +Belo Horizonte,400,7,6,4,-,acept,furnished,0,6800,234,112,7146 +Rio de Janeiro,25,1,1,0,6,not acept,furnished,478,2718,17,36,3249 +São Paulo,62,1,2,1,2,acept,furnished,2061,11000,262,140,13460 +São Paulo,95,2,1,1,15,acept,not furnished,900,3000,67,39,4006 +Belo Horizonte,110,3,3,2,3,acept,furnished,350,2200,220,30,2800 +Rio de Janeiro,140,3,2,1,3,acept,not furnished,1100,2200,95,29,3424 +São Paulo,34,1,1,1,1,not acept,furnished,0,2890,0,37,2927 +São Paulo,22,1,1,1,7,not acept,furnished,580,3000,8,39,3627 +São Paulo,177,3,3,3,4,not acept,not furnished,4500,8500,1250,108,14360 +São Paulo,96,2,1,1,2,acept,not furnished,1080,4300,118,55,5553 +Campinas,100,2,2,0,-,acept,not furnished,0,1700,200,26,1926 +São Paulo,68,2,2,1,6,acept,not furnished,750,2600,196,33,3579 +São Paulo,300,3,5,4,-,acept,not furnished,0,4490,334,68,4892 +Rio de Janeiro,160,3,2,1,5,acept,not furnished,1815,3000,256,39,5110 +São Paulo,140,3,2,2,-,acept,not furnished,0,2000,51,31,2082 +São Paulo,136,4,2,3,12,acept,not furnished,1200,3300,250,42,4792 +São Paulo,65,2,2,2,19,not acept,not furnished,907,3500,0,45,4452 +Belo Horizonte,200,3,6,4,9,acept,not furnished,1867,4000,731,54,6652 +Porto Alegre,120,3,3,2,7,acept,furnished,1000,3240,100,48,4388 +Rio de Janeiro,62,2,1,0,5,acept,not furnished,997,3000,212,39,4248 +São Paulo,390,3,3,2,1,not acept,not furnished,1800,6500,1000,83,9383 +São Paulo,67,2,1,0,12,acept,not furnished,477,1200,0,16,1693 +São Paulo,52,1,1,1,1,acept,furnished,410,4667,64,60,5201 +São Paulo,39,1,1,1,5,acept,not furnished,1144,2500,312,32,3988 +São Paulo,270,3,3,4,1,acept,not furnished,3300,3200,1667,41,8208 +São Paulo,82,3,2,2,2,acept,not furnished,1400,1800,290,23,3513 +São Paulo,200,2,4,3,16,acept,not furnished,4021,12500,1335,159,18020 +São Paulo,33,1,1,0,4,acept,not furnished,305,1500,0,20,1825 +São Paulo,110,3,2,2,2,acept,not furnished,834,5500,297,70,6701 +São Paulo,70,3,1,1,12,acept,not furnished,800,3000,0,39,3839 +São Paulo,93,3,3,2,7,acept,furnished,1230,3750,359,48,5387 +Rio de Janeiro,65,1,1,0,-,acept,not furnished,300,1800,30,24,2154 +São Paulo,280,4,5,4,18,not acept,not furnished,3600,12000,917,153,16670 +Belo Horizonte,130,4,2,2,2,acept,not furnished,1150,2350,274,32,3806 +São Paulo,100,2,2,1,-,not acept,not furnished,0,4550,75,69,4694 +Porto Alegre,40,1,1,0,4,not acept,not furnished,300,1200,0,18,1518 +São Paulo,140,3,4,2,1,not acept,furnished,1300,3000,234,39,4573 +Belo Horizonte,170,4,2,2,2,acept,not furnished,1100,4000,297,54,5451 +São Paulo,110,2,1,1,10,not acept,not furnished,705,1800,0,23,2528 +Belo Horizonte,45,1,1,1,4,acept,furnished,700,1500,130,20,2350 +Belo Horizonte,275,5,4,2,-,acept,not furnished,0,9000,646,148,9794 +Rio de Janeiro,46,1,1,0,5,acept,furnished,380,1200,196,16,1792 +São Paulo,98,2,3,2,8,acept,furnished,1907,8500,468,108,10980 +São Paulo,120,3,1,4,-,acept,not furnished,0,3500,260,53,3813 +São Paulo,180,3,2,1,23,acept,not furnished,1850,7000,299,89,9238 +São Paulo,250,4,3,3,2,acept,not furnished,2000,4000,167,51,6218 +Campinas,85,3,2,1,3,not acept,furnished,500,1690,63,22,2275 +São Paulo,126,3,4,3,4,acept,not furnished,1560,4000,1021,51,6632 +São Paulo,132,3,4,2,10,acept,not furnished,1405,3200,317,41,4963 +Porto Alegre,216,3,3,3,-,acept,not furnished,0,2390,94,43,2527 +São Paulo,54,2,1,1,3,acept,not furnished,750,1200,84,16,2050 +Porto Alegre,160,2,4,2,8,not acept,furnished,950,3100,200,46,4296 +São Paulo,62,3,1,1,7,not acept,not furnished,400,1600,25,21,2046 +Rio de Janeiro,270,4,3,1,10,not acept,not furnished,2000,4000,1000,52,7052 +São Paulo,145,3,4,3,10,not acept,not furnished,1300,2850,459,37,4646 +Porto Alegre,63,2,1,0,12,acept,not furnished,500,1170,34,18,1722 +Rio de Janeiro,115,2,2,1,5,not acept,furnished,2500,8500,625,110,11740 +Campinas,51,1,1,0,1,not acept,not furnished,368,680,15,9,1072 +Rio de Janeiro,70,3,1,1,7,acept,not furnished,680,1200,71,16,1967 +São Paulo,165,3,4,6,-,acept,furnished,0,4800,100,73,4973 +São Paulo,208,4,5,2,2,acept,not furnished,2900,7000,792,89,10780 +São Paulo,87,3,2,1,4,acept,not furnished,1191,3600,93,46,4930 +Belo Horizonte,90,3,2,0,2,not acept,not furnished,335,1400,136,19,1890 +São Paulo,300,2,4,2,-,acept,furnished,0,3250,0,49,3299 +São Paulo,200,3,2,3,-,acept,not furnished,0,3950,800,60,4810 +Rio de Janeiro,65,2,1,0,2,not acept,furnished,970,2950,192,39,4151 +Belo Horizonte,42,1,1,1,15,not acept,furnished,410,2690,172,36,3308 +Porto Alegre,42,1,1,2,2,acept,furnished,240,1000,80,15,1335 +Rio de Janeiro,28,1,1,0,5,acept,not furnished,320,1300,42,17,1679 +São Paulo,140,2,3,2,2,acept,not furnished,1600,4000,250,51,5901 +São Paulo,53,2,2,1,10,not acept,furnished,579,3000,89,39,3707 +São Paulo,120,3,2,2,-,acept,not furnished,0,2000,323,31,2354 +Rio de Janeiro,100,3,2,1,2,acept,not furnished,1735,3000,324,39,5098 +Porto Alegre,360,3,1,4,-,acept,not furnished,0,2800,417,50,3267 +São Paulo,227,4,4,3,6,acept,not furnished,4000,9000,1417,115,14530 +Rio de Janeiro,30,1,1,0,2,acept,furnished,433,1380,0,18,1831 +São Paulo,90,2,2,1,-,acept,not furnished,959,2968,67,38,4032 +São Paulo,110,4,4,1,-,acept,not furnished,0,6800,167,103,7070 +São Paulo,400,3,3,4,-,acept,not furnished,0,4250,160,64,4474 +Rio de Janeiro,49,1,1,0,4,acept,furnished,550,2190,155,29,2924 +São Paulo,100,3,3,1,-,acept,not furnished,0,7000,881,106,7987 +São Paulo,83,3,1,1,3,acept,not furnished,180,2500,0,32,2712 +Porto Alegre,40,1,1,0,6,acept,not furnished,180,1250,6,19,1455 +São Paulo,311,4,4,4,7,acept,furnished,2100,15000,0,191,17290 +Belo Horizonte,120,4,2,2,-,acept,not furnished,0,3000,397,50,3447 +São Paulo,67,2,1,1,3,acept,not furnished,0,1800,0,23,1823 +São Paulo,100,2,2,0,1,acept,not furnished,0,2700,265,35,3000 +Belo Horizonte,100,2,1,0,2,not acept,not furnished,50,1096,59,15,1220 +São Paulo,301,3,4,4,-,acept,not furnished,0,8000,2917,121,11040 +Rio de Janeiro,86,3,2,1,9,acept,not furnished,1365,2630,201,34,4230 +Rio de Janeiro,45,1,1,0,9,not acept,furnished,580,2500,75,33,3188 +São Paulo,55,2,1,1,2,not acept,not furnished,470,1330,0,17,1817 +Porto Alegre,63,2,1,0,2,acept,not furnished,180,1000,42,15,1237 +São Paulo,220,3,4,2,-,acept,furnished,0,4500,197,68,4765 +Belo Horizonte,202,3,2,5,-,acept,not furnished,0,5500,285,91,5876 +Rio de Janeiro,85,2,1,0,8,acept,not furnished,800,3420,209,45,4474 +Porto Alegre,80,2,2,1,6,acept,not furnished,580,3300,50,49,3979 +São Paulo,400,4,4,4,-,acept,furnished,0,10000,912,151,11060 +Belo Horizonte,400,5,4,4,-,acept,furnished,0,5500,167,91,5758 +São Paulo,22,1,1,0,7,acept,not furnished,200,1650,0,21,1871 +Campinas,128,3,3,2,3,acept,not furnished,700,3700,117,47,4564 +Campinas,170,2,3,3,16,acept,not furnished,1350,5900,167,75,7492 +Belo Horizonte,55,2,1,1,3,not acept,not furnished,200,850,81,12,1143 +Campinas,51,1,1,0,3,acept,not furnished,486,740,15,10,1251 +Porto Alegre,50,2,1,1,1,acept,not furnished,100,1440,0,22,1562 +Rio de Janeiro,81,2,1,0,6,acept,not furnished,800,1600,90,21,2511 +São Paulo,40,1,1,0,1,not acept,not furnished,50,1100,50,14,1214 +Porto Alegre,83,2,2,1,3,acept,not furnished,700,2500,101,37,3338 +São Paulo,420,4,6,4,1,not acept,not furnished,4200,14000,1417,178,19800 +São Paulo,204,4,3,1,2,acept,furnished,1774,6000,0,77,7851 +São Paulo,240,2,2,4,-,acept,not furnished,0,3500,362,53,3915 +São Paulo,56,2,1,1,10,acept,not furnished,550,1160,0,15,1725 +Porto Alegre,82,2,2,2,3,acept,furnished,570,4150,200,61,4981 +Belo Horizonte,327,4,4,2,-,acept,not furnished,0,8799,563,145,9507 +São Paulo,96,1,2,1,10,acept,furnished,1835,4250,167,54,6306 +São Paulo,54,1,1,0,6,acept,not furnished,495,2306,0,30,2831 +Porto Alegre,41,1,1,1,6,acept,not furnished,400,2100,17,31,2548 +Porto Alegre,218,3,5,2,3,acept,furnished,1160,4950,409,73,6592 +Rio de Janeiro,20,1,1,0,10,acept,furnished,214,2150,0,28,2392 +São Paulo,170,4,4,3,10,not acept,furnished,2493,5000,750,22,8265 +São Paulo,250,3,3,0,4,acept,not furnished,3850,2500,1336,32,7718 +São Paulo,40,1,1,0,-,acept,not furnished,0,1100,195,17,1312 +São Paulo,400,4,6,4,8,acept,furnished,4285,10000,2050,127,16460 +São Paulo,350,5,4,6,-,acept,not furnished,0,6000,640,91,6731 +Campinas,94,3,1,1,6,acept,not furnished,565,2000,60,26,2651 +São Paulo,30,1,1,0,-,not acept,not furnished,0,850,67,13,930 +São Paulo,142,3,3,2,15,acept,not furnished,1600,9000,475,115,11190 +Rio de Janeiro,177,3,3,4,2,acept,not furnished,2700,6900,509,89,10200 +Belo Horizonte,126,4,2,2,1,acept,not furnished,380,2550,168,34,3132 +Porto Alegre,160,3,2,2,4,acept,not furnished,890,1990,50,30,2960 +São Paulo,54,1,1,0,5,acept,not furnished,730,1500,0,20,2250 +São Paulo,20,1,1,0,3,not acept,furnished,150,3142,67,40,3399 +São Paulo,75,2,2,0,1,not acept,not furnished,750,2125,146,27,3048 +Rio de Janeiro,60,2,1,0,7,acept,not furnished,528,1100,86,15,1729 +Belo Horizonte,150,4,4,2,6,acept,furnished,1305,3350,359,45,5059 +São Paulo,156,3,3,3,7,acept,furnished,1600,8000,628,102,10330 +São Paulo,206,3,3,1,11,acept,furnished,2914,7400,586,94,10990 +São Paulo,100,2,1,0,7,not acept,not furnished,800,1659,0,22,2481 +Porto Alegre,47,1,1,1,2,not acept,not furnished,230,940,5,14,1189 +São Paulo,220,3,4,4,12,not acept,not furnished,1710,3550,790,45,6095 +São Paulo,60,2,1,1,10,acept,not furnished,350,1650,0,21,2021 +Porto Alegre,457,6,6,2,-,acept,furnished,0,8500,417,152,9069 +São Paulo,340,4,4,5,5,acept,furnished,4000,7000,1660,89,12750 +Rio de Janeiro,93,3,2,2,10,acept,furnished,1342,4950,286,64,6642 +São Paulo,200,3,2,5,-,acept,not furnished,0,7000,963,106,8069 +São Paulo,340,4,5,4,2,acept,not furnished,2930,8000,1334,102,12370 +Rio de Janeiro,108,3,2,1,3,acept,furnished,1340,5200,252,68,6860 +São Paulo,240,3,5,6,-,acept,not furnished,0,4900,100,74,5074 +Rio de Janeiro,82,2,2,1,1,acept,furnished,1000,1950,79,26,3055 +Rio de Janeiro,480,4,7,3,14,not acept,furnished,2800,6500,115,84,9499 +Belo Horizonte,35,1,1,1,1,not acept,not furnished,0,700,0,10,710 +Porto Alegre,105,4,2,1,3,acept,not furnished,505,2200,114,33,2852 +São Paulo,66,1,1,2,1,acept,furnished,800,2800,200,36,3836 +São Paulo,85,2,1,1,-,acept,not furnished,0,1450,0,22,1472 +Porto Alegre,45,2,1,1,4,acept,not furnished,280,750,67,11,1108 +São Paulo,50,1,1,1,17,not acept,furnished,728,3500,100,45,4373 +São Paulo,30,4,4,2,-,acept,furnished,0,5000,4247,76,9323 +São Paulo,450,3,2,0,-,acept,not furnished,0,5800,917,88,6805 +Porto Alegre,52,1,1,1,20,acept,not furnished,800,2500,1,37,3338 +São Paulo,235,3,2,1,-,acept,not furnished,0,6000,825,91,6916 +São Paulo,141,3,3,2,3,acept,not furnished,1100,7935,167,101,9303 +São Paulo,80,2,1,0,-,acept,not furnished,0,1200,67,19,1286 +Belo Horizonte,247,4,2,1,-,acept,not furnished,0,2600,264,43,2907 +São Paulo,49,2,1,1,6,acept,not furnished,277,2100,104,27,2508 +São Paulo,325,4,5,4,1,acept,furnished,4950,15000,2209,191,22350 +São Paulo,200,3,3,4,5,acept,not furnished,1950,3230,680,41,5901 +Belo Horizonte,220,3,4,3,10,acept,furnished,922,8000,625,107,9654 +Rio de Janeiro,170,3,1,1,10,not acept,not furnished,2888,5000,5404,65,13360 +São Paulo,46,2,1,0,7,acept,furnished,510,2880,27,37,3454 +Porto Alegre,63,2,1,0,3,acept,furnished,200,1400,53,21,1674 +São Paulo,160,4,4,3,2,acept,not furnished,2500,11000,0,140,13640 +São Paulo,100,2,1,1,-,acept,not furnished,0,3800,270,58,4128 +São Paulo,23,1,1,0,23,acept,not furnished,399,2100,42,27,2568 +São Paulo,35,1,1,1,5,not acept,furnished,420,1250,0,16,1686 +São Paulo,120,3,2,1,18,acept,not furnished,1150,5300,167,68,6685 +São Paulo,150,3,4,3,1,acept,furnished,1300,5120,834,65,7319 +São Paulo,220,3,4,2,-,acept,furnished,0,7000,434,106,7540 +São Paulo,48,2,1,1,12,not acept,not furnished,405,2050,104,26,2585 +Campinas,45,1,1,1,3,acept,furnished,492,1320,28,17,1857 +São Paulo,160,3,3,2,-,acept,not furnished,0,4680,212,71,4963 +Campinas,46,1,1,0,6,acept,not furnished,399,850,15,11,1275 +Porto Alegre,34,1,1,1,6,acept,furnished,180,1500,6,22,1708 +Belo Horizonte,540,5,4,8,-,acept,not furnished,0,7000,912,115,8027 +São Paulo,171,3,3,4,5,not acept,not furnished,2489,8700,820,111,12120 +São Paulo,30,1,1,0,-,not acept,not furnished,0,700,59,11,770 +Belo Horizonte,118,3,2,0,1,not acept,not furnished,350,1500,71,20,1941 +São Paulo,80,2,2,2,10,acept,not furnished,721,1850,45,24,2640 +São Paulo,55,1,2,1,18,acept,furnished,2270,5500,18,70,7858 +São Paulo,55,2,1,1,-,acept,not furnished,0,1200,122,19,1341 +São Paulo,380,3,2,2,9,acept,not furnished,3835,6650,667,85,11240 +Belo Horizonte,300,3,4,2,-,not acept,not furnished,0,7000,84,115,7199 +São Paulo,100,3,2,2,6,not acept,not furnished,1200,2000,0,26,3226 +São Paulo,180,3,3,3,-,acept,not furnished,0,5000,235,76,5311 +São Paulo,300,4,5,4,9,acept,furnished,4300,7000,1417,89,12810 +Porto Alegre,193,3,2,2,6,acept,not furnished,1800,2400,297,36,4533 +São Paulo,110,2,2,0,8,acept,furnished,781,4750,146,61,5738 +Rio de Janeiro,20,1,1,0,4,not acept,not furnished,400,720,50,10,1180 +Rio de Janeiro,300,3,4,1,11,acept,not furnished,2860,8300,917,107,12180 +São Paulo,52,1,2,1,3,acept,furnished,850,4100,116,52,5118 +Rio de Janeiro,120,2,3,2,10,acept,not furnished,1339,1935,81,25,3380 +São Paulo,97,3,2,2,14,acept,not furnished,1600,1700,125,22,3447 +São Paulo,58,2,1,1,3,acept,not furnished,100,1200,0,16,1316 +São Paulo,343,4,4,4,-,acept,not furnished,0,6000,1042,91,7133 +São Paulo,205,4,4,6,5,acept,not furnished,2450,2720,959,35,6164 +São Paulo,68,3,2,1,5,acept,furnished,960,1500,84,20,2564 +São Paulo,67,3,2,1,16,acept,not furnished,600,1700,180,22,2502 +Rio de Janeiro,40,1,1,0,12,acept,furnished,700,5000,72,65,5837 +São Paulo,62,3,1,1,10,acept,not furnished,750,1200,0,16,1966 +São Paulo,120,5,2,4,-,acept,not furnished,0,6500,680,98,7278 +São Paulo,50,2,1,1,10,acept,not furnished,494,1400,0,18,1912 +Porto Alegre,40,1,1,0,1,acept,not furnished,328,500,140,8,976 +São Paulo,22,1,1,0,-,not acept,not furnished,50,700,5,9,764 +São Paulo,110,3,3,1,10,acept,furnished,1280,4700,138,60,6178 +Rio de Janeiro,80,2,1,1,14,acept,not furnished,1009,680,48,9,1746 +São Paulo,224,3,4,2,9,acept,not furnished,3300,6000,679,77,10060 +São Paulo,93,2,1,2,19,not acept,not furnished,1300,6800,460,87,8647 +São Paulo,45,1,1,0,-,not acept,not furnished,0,1050,34,16,1100 +São Paulo,120,3,2,1,5,acept,not furnished,1700,2500,347,32,4579 +Campinas,73,3,2,2,5,acept,furnished,762,2000,204,26,2992 +São Paulo,50,2,1,1,1,not acept,not furnished,520,1600,0,21,2141 +São Paulo,136,4,3,1,3,acept,not furnished,1800,4200,312,54,6366 +São Paulo,235,3,4,4,2,acept,furnished,1950,15000,1150,191,18290 +Porto Alegre,110,3,3,0,1,acept,not furnished,400,3250,75,48,3773 +São Paulo,400,4,6,1,8,not acept,not furnished,3355,4000,2650,51,10060 +São Paulo,220,3,3,3,-,acept,furnished,0,2800,250,43,3093 +Rio de Janeiro,82,2,2,1,5,acept,not furnished,820,2000,102,26,2948 +São Paulo,100,3,3,2,1,acept,not furnished,1200,2800,384,36,4420 +São Paulo,250,4,4,4,15,acept,not furnished,2600,15000,1250,191,19040 +Belo Horizonte,90,2,3,1,4,acept,not furnished,600,3760,280,51,4691 +São Paulo,47,1,1,0,-,not acept,not furnished,100,1000,76,13,1189 +São Paulo,35,1,1,0,7,not acept,not furnished,411,1080,35,14,1540 +Rio de Janeiro,150,2,1,0,2,acept,not furnished,450,1500,180,20,2150 +São Paulo,69,2,1,0,10,acept,furnished,1880,7540,380,96,9896 +Campinas,38,1,1,1,9,acept,not furnished,500,740,30,10,1280 +São Paulo,62,2,2,2,4,acept,not furnished,720,1720,120,22,2582 +São Paulo,100,2,2,0,-,acept,not furnished,0,2500,220,38,2758 +São Paulo,300,3,5,3,9,acept,furnished,4000,5780,1250,74,11100 +São Paulo,160,3,3,1,1,acept,not furnished,2800,4500,450,58,7808 +Campinas,55,1,1,1,7,not acept,not furnished,200,2000,9,26,2235 +São Paulo,61,2,1,1,11,not acept,furnished,2065,3300,216,42,5623 +São Paulo,70,2,1,1,12,acept,not furnished,1400,3000,3000,39,7439 +Campinas,308,3,3,4,-,acept,not furnished,0,4700,673,71,5444 +Rio de Janeiro,230,3,3,1,8,acept,furnished,1800,10500,300,136,12740 +São Paulo,51,2,1,1,4,acept,not furnished,455,2500,23,32,3010 +São Paulo,58,2,2,1,3,acept,not furnished,400,2300,250,30,2980 +São Paulo,76,2,1,1,12,not acept,furnished,906,4250,217,54,5427 +São Paulo,236,4,5,4,7,acept,not furnished,3500,10000,1834,127,15460 +São Paulo,86,2,2,2,4,acept,not furnished,622,1950,267,25,2864 +São Paulo,100,3,3,2,11,acept,furnished,1035,4062,150,52,5299 +Porto Alegre,54,2,1,0,4,acept,not furnished,260,1100,42,17,1419 +São Paulo,22,1,1,0,11,not acept,furnished,400,1956,50,25,2431 +São Paulo,600,3,2,2,-,acept,not furnished,0,7500,1000,113,8613 +Rio de Janeiro,68,2,2,0,1,acept,not furnished,851,1830,92,24,2797 +Belo Horizonte,55,1,1,0,-,acept,not furnished,0,895,0,15,910 +São Paulo,36,1,1,0,6,acept,not furnished,300,1600,60,21,1981 +São Paulo,205,4,4,0,14,acept,not furnished,3050,9800,623,125,13600 +São Paulo,60,2,1,1,8,acept,not furnished,950,1980,0,26,2956 +São Paulo,171,4,5,4,4,acept,not furnished,1900,8000,715,102,10720 +Belo Horizonte,100,2,1,1,-,acept,not furnished,0,1000,75,17,1092 +São Paulo,71,2,2,1,-,acept,not furnished,250,1830,153,24,2257 +São Paulo,69,2,1,1,5,acept,not furnished,550,1600,5,21,2176 +Rio de Janeiro,15,1,1,0,-,acept,not furnished,50,700,0,10,760 +São Paulo,90,3,3,1,11,acept,not furnished,1347,4650,241,59,6297 +Rio de Janeiro,80,2,2,0,4,acept,not furnished,800,4100,165,53,5118 +Rio de Janeiro,84,2,1,0,2,acept,not furnished,420,1700,85,22,2227 +São Paulo,834,5,5,7,-,not acept,not furnished,0,10500,3417,158,14080 +São Paulo,269,4,3,4,8,acept,not furnished,2300,5000,0,64,7364 +Porto Alegre,43,1,1,1,18,acept,furnished,600,3300,100,49,4049 +São Paulo,70,3,2,3,10,acept,furnished,813,2300,266,30,3409 +Porto Alegre,336,2,2,2,2,acept,furnished,4106,5556,591,82,10340 +Campinas,76,3,2,1,4,acept,not furnished,547,950,97,13,1607 +Rio de Janeiro,280,3,3,1,4,acept,not furnished,1400,2190,14,29,3633 +São Paulo,290,4,4,2,6,acept,furnished,3200,7800,584,99,11680 +São Paulo,200,4,3,3,6,acept,not furnished,2600,5000,1212,64,8876 +São Paulo,130,2,2,0,6,acept,not furnished,1343,3974,71,51,5439 +São Paulo,70,3,2,1,3,acept,not furnished,1087,3700,38,47,4872 +São Paulo,22,1,1,0,6,not acept,furnished,380,6000,9,77,6466 +Rio de Janeiro,80,3,2,2,11,acept,not furnished,1412,1358,213,18,3001 +São Paulo,50,1,1,1,3,acept,not furnished,455,1900,0,25,2380 +Belo Horizonte,120,3,4,3,8,acept,furnished,2077,6000,726,80,8883 +São Paulo,120,2,1,2,7,acept,not furnished,660,1470,12,19,2161 +Rio de Janeiro,90,3,2,0,3,acept,not furnished,1330,1300,120,17,2767 +Belo Horizonte,100,3,3,2,6,acept,not furnished,1300,1600,210,13,3123 +São Paulo,98,4,4,2,23,acept,not furnished,930,2485,0,32,3447 +Porto Alegre,300,3,2,3,-,acept,not furnished,0,2400,88,43,2531 +São Paulo,107,4,3,2,1,acept,not furnished,830,3560,225,46,4661 +São Paulo,33,1,1,1,5,acept,furnished,613,3700,109,47,4469 +Belo Horizonte,250,4,3,4,2,acept,not furnished,2745,10000,1228,134,14110 +Belo Horizonte,65,2,2,0,-,not acept,not furnished,200,800,50,11,1061 +São Paulo,150,3,3,2,3,acept,not furnished,2177,3700,567,47,6491 +Belo Horizonte,97,2,1,0,11,not acept,not furnished,561,1633,0,8,2202 +São Paulo,410,5,7,3,-,acept,furnished,0,12000,750,181,12930 +São Paulo,52,1,1,1,15,not acept,furnished,1218,5000,284,64,6566 +Rio de Janeiro,65,2,2,0,2,acept,furnished,720,1500,60,20,2300 +Belo Horizonte,250,4,4,6,7,acept,not furnished,300,8000,834,107,9241 +Belo Horizonte,256,4,3,2,-,acept,not furnished,0,11000,123,181,11300 +São Paulo,53,2,2,1,6,not acept,not furnished,400,1250,5,16,1671 +Rio de Janeiro,30,1,1,0,-,not acept,not furnished,400,900,100,12,1412 +Rio de Janeiro,45,2,1,0,5,acept,not furnished,400,700,15,10,1125 +Rio de Janeiro,44,2,1,0,4,acept,not furnished,385,2650,82,35,3152 +Belo Horizonte,506,4,5,0,-,acept,not furnished,0,8000,452,132,8584 +Rio de Janeiro,190,4,3,1,4,acept,not furnished,1570,3500,506,46,5622 +São Paulo,48,1,1,0,1,not acept,not furnished,460,2500,82,32,3074 +São Paulo,162,3,3,1,8,acept,not furnished,2150,7000,492,89,9731 +São Paulo,54,2,2,0,13,acept,furnished,2009,5150,345,66,7570 +São Paulo,320,4,3,8,-,acept,not furnished,0,2150,450,33,2633 +São Paulo,60,1,1,1,15,acept,furnished,1000,5500,200,70,6770 +São Paulo,194,3,4,4,5,acept,not furnished,2600,12000,1667,153,16420 +Porto Alegre,54,1,1,1,4,not acept,not furnished,250,1250,11,19,1530 +Rio de Janeiro,90,2,2,0,10,acept,furnished,1900,3500,255,46,5701 +São Paulo,60,2,1,0,-,acept,not furnished,0,1080,94,17,1191 +São Paulo,40,1,1,1,1,not acept,furnished,1100,1600,160,21,2881 +Belo Horizonte,175,4,4,3,10,acept,not furnished,2600,4700,496,63,7859 +Porto Alegre,233,4,6,4,-,acept,not furnished,0,14000,584,249,14830 +São Paulo,800,5,4,6,-,acept,furnished,0,12000,459,181,12640 +Belo Horizonte,200,5,4,3,15,acept,furnished,841,5000,531,67,6439 +São Paulo,120,4,4,2,5,acept,not furnished,2500,9500,116,121,12240 +Belo Horizonte,23,1,1,0,1,not acept,furnished,200,900,25,12,1137 +Porto Alegre,27,1,1,0,9,acept,not furnished,200,750,13,11,974 +São Paulo,64,2,2,1,-,not acept,not furnished,773,1900,152,29,2854 +Belo Horizonte,180,4,1,3,-,acept,not furnished,0,5900,180,97,6177 +São Paulo,241,4,4,3,3,acept,not furnished,2851,5525,848,71,9295 +Rio de Janeiro,80,2,2,1,4,acept,not furnished,1000,3060,181,40,4281 +Campinas,20,1,1,0,1,not acept,not furnished,210,930,9,12,1161 +Rio de Janeiro,140,3,3,0,4,acept,not furnished,1700,3800,359,49,5908 +Rio de Janeiro,160,3,1,0,3,not acept,not furnished,2450,4100,474,53,7077 +São Paulo,45,1,1,0,5,acept,not furnished,406,2700,59,35,3200 +Porto Alegre,79,2,1,0,-,acept,not furnished,448,1105,84,17,1654 +Rio de Janeiro,100,3,2,0,8,not acept,furnished,1600,5000,234,65,6899 +São Paulo,73,1,2,1,18,acept,not furnished,912,3300,185,42,4439 +São Paulo,36,1,1,2,11,not acept,furnished,517,3000,152,39,3708 +Porto Alegre,30,1,1,0,5,acept,not furnished,300,545,17,8,870 +Rio de Janeiro,180,4,3,1,8,not acept,furnished,2900,12850,1250,166,17170 +Porto Alegre,42,1,1,0,4,acept,not furnished,400,1200,33,18,1651 +Porto Alegre,60,2,1,0,-,not acept,not furnished,0,1500,34,27,1561 +São Paulo,20,1,1,0,1,acept,furnished,602,1800,130,23,2555 +São Paulo,42,1,1,1,4,acept,not furnished,500,2200,100,28,2828 +Belo Horizonte,140,4,3,3,8,acept,not furnished,1805,3200,545,43,5593 +São Paulo,320,4,4,5,-,acept,not furnished,0,15000,1750,226,16980 +Belo Horizonte,120,3,2,1,1,acept,not furnished,300,2100,149,28,2577 +São Paulo,65,2,2,1,-,not acept,not furnished,120,1850,0,28,1998 +São Paulo,215,3,4,4,-,acept,not furnished,0,10000,373,151,10520 +São Paulo,52,2,1,0,1,acept,not furnished,199,1000,30,13,1242 +São Paulo,272,4,4,4,2,acept,not furnished,5600,13000,2250,165,21020 +São Paulo,32,1,1,1,11,not acept,furnished,1680,2200,142,28,4050 +São Paulo,191,3,3,4,1,acept,furnished,2605,15000,1299,191,19100 +São Paulo,288,4,5,4,2,acept,furnished,3600,4800,1167,61,9628 +Campinas,37,1,1,1,7,not acept,not furnished,415,825,33,11,1284 +Belo Horizonte,113,2,2,2,4,acept,not furnished,343,2500,118,34,2995 +Rio de Janeiro,50,1,1,0,4,acept,not furnished,450,850,3,11,1314 +São Paulo,53,2,1,1,11,acept,not furnished,831,2622,75,34,3562 +São Paulo,76,2,2,2,3,acept,furnished,900,4500,0,58,5458 +São Paulo,158,3,3,2,1,acept,furnished,2063,10900,706,139,13810 +Belo Horizonte,659,5,4,6,-,acept,not furnished,0,11000,913,181,12090 +São Paulo,180,3,3,1,-,not acept,not furnished,0,3000,117,46,3163 +São Paulo,42,1,1,1,7,acept,furnished,530,2900,35,37,3502 +Campinas,89,2,1,1,3,acept,not furnished,750,880,127,12,1769 +Belo Horizonte,220,4,3,2,4,acept,not furnished,345,3000,209,40,3594 +São Paulo,90,2,2,0,-,acept,not furnished,0,1700,38,26,1764 +Rio de Janeiro,280,3,3,3,6,acept,not furnished,2500,4000,990,52,7542 +São Paulo,40,1,1,0,-,acept,not furnished,0,600,30,10,640 +São Paulo,277,3,3,0,11,acept,not furnished,2332,8500,550,108,11490 +Porto Alegre,70,3,2,1,7,acept,not furnished,530,2300,111,34,2975 +Campinas,200,2,1,1,-,acept,not furnished,0,1410,250,22,1682 +Campinas,74,3,2,2,11,acept,furnished,477,1600,0,21,2098 +São Paulo,165,3,2,3,7,acept,not furnished,1874,3600,500,46,6020 +São Paulo,60,2,2,1,10,acept,furnished,1938,3400,300,44,5682 +Rio de Janeiro,85,2,1,0,9,acept,furnished,900,7000,365,91,8356 +Porto Alegre,56,2,1,0,4,acept,not furnished,300,637,32,10,979 +Rio de Janeiro,18,1,1,0,1,not acept,not furnished,0,900,0,12,912 +São Paulo,175,3,5,1,-,acept,not furnished,0,5900,390,89,6379 +Rio de Janeiro,60,2,2,1,2,not acept,not furnished,592,1250,0,17,1859 +São Paulo,220,4,2,3,-,acept,furnished,0,5200,705,79,5984 +São Paulo,132,3,3,2,1,not acept,furnished,2084,2700,606,35,5425 +São Paulo,100,1,2,2,1,acept,furnished,2344,7000,757,89,10190 +Campinas,415,4,4,6,1,acept,not furnished,3900,9500,880,121,14400 +Porto Alegre,300,3,5,3,-,acept,not furnished,0,5500,360,98,5958 +São Paulo,130,3,3,2,-,acept,not furnished,0,6000,84,91,6175 +São Paulo,300,4,4,1,11,acept,not furnished,3000,7200,700,92,10990 +Campinas,165,3,2,1,1,acept,not furnished,1100,1800,294,23,3217 +Campinas,32,1,1,0,9,not acept,not furnished,300,600,4,8,912 +Belo Horizonte,117,3,1,1,-,acept,not furnished,0,1530,110,26,1666 +São Paulo,890,5,6,8,-,not acept,not furnished,0,11000,9500,166,20670 +Porto Alegre,350,6,5,2,-,not acept,not furnished,0,4000,334,72,4406 +São Paulo,212,3,3,3,9,acept,not furnished,4000,9000,1084,115,14200 +São Paulo,61,2,1,1,1,acept,not furnished,609,1140,0,15,1764 +Belo Horizonte,62,2,1,1,3,acept,not furnished,200,950,0,13,1163 +São Paulo,884,5,7,6,8,acept,not furnished,9000,12750,5917,162,27830 +Campinas,44,2,1,1,2,acept,not furnished,244,1000,0,13,1257 +São Paulo,157,3,2,0,7,acept,not furnished,1325,4500,302,58,6185 +São Paulo,61,1,2,1,9,acept,furnished,866,5100,250,65,6281 +São Paulo,50,1,1,0,1,acept,not furnished,50,750,25,10,835 +São Paulo,45,1,1,1,-,not acept,not furnished,0,1500,80,23,1603 +Campinas,36,1,1,0,5,acept,not furnished,290,700,10,9,1009 +Campinas,48,2,1,1,3,acept,not furnished,183,1190,0,16,1389 +São Paulo,216,4,3,0,17,acept,furnished,2250,8000,609,102,10960 +São Paulo,485,4,7,7,-,acept,not furnished,0,10900,1032,164,12100 +São Paulo,110,2,2,2,12,acept,not furnished,1971,3800,480,49,6300 +São Paulo,58,2,1,0,4,not acept,not furnished,968,2400,10,31,3409 +Rio de Janeiro,40,1,1,0,3,acept,not furnished,480,1480,9,20,1989 +Porto Alegre,30,1,1,1,3,acept,not furnished,200,1110,0,17,1327 +Belo Horizonte,44,1,1,1,15,acept,not furnished,550,3400,222,46,4218 +São Paulo,30,1,1,0,1,not acept,not furnished,350,550,70,7,977 +São Paulo,190,3,2,1,6,acept,not furnished,3040,6800,56,87,9983 +São Paulo,32,1,1,1,13,acept,furnished,500,2744,0,35,3279 +Porto Alegre,79,3,2,2,6,acept,furnished,550,2300,50,34,2934 +São Paulo,90,3,3,2,12,not acept,not furnished,897,3500,0,45,4442 +Porto Alegre,61,2,1,0,1,acept,not furnished,470,1200,22,18,1710 +São Paulo,65,2,1,1,1,acept,not furnished,950,1950,213,25,3138 +São Paulo,76,2,2,0,1,acept,not furnished,909,5500,299,70,6778 +Rio de Janeiro,84,3,1,1,1,acept,not furnished,600,1550,57,20,2227 +São Paulo,60,2,1,1,6,acept,not furnished,760,1790,70,23,2643 +São Paulo,40,1,1,1,14,not acept,furnished,470,3990,90,51,4601 +São Paulo,254,3,3,3,11,acept,furnished,4255,12750,1692,162,18860 +São Paulo,50,1,1,0,-,not acept,not furnished,0,1250,34,19,1303 +Belo Horizonte,400,4,4,4,-,acept,not furnished,0,4900,320,81,5301 +São Paulo,35,2,1,0,1,acept,not furnished,190,1290,0,17,1497 +Rio de Janeiro,76,3,2,1,4,acept,not furnished,571,1800,65,24,2460 +São Paulo,470,4,4,5,19,acept,not furnished,6900,6741,0,86,13730 +São Paulo,40,2,1,1,2,acept,not furnished,0,1300,30,17,1347 +Belo Horizonte,200,3,1,2,-,acept,not furnished,0,1630,117,27,1774 +Rio de Janeiro,65,2,1,1,4,acept,not furnished,677,1100,59,15,1851 +São Paulo,97,2,2,0,27,not acept,furnished,1100,10200,0,130,11430 +São Paulo,113,3,2,2,2,acept,not furnished,1300,4800,250,61,6411 +São Paulo,300,3,2,2,-,acept,not furnished,0,3210,1417,49,4676 +São Paulo,60,1,1,0,-,acept,furnished,0,4100,400,62,4562 +São Paulo,20,1,1,0,-,acept,furnished,602,1800,130,23,2555 +São Paulo,62,2,1,1,8,not acept,not furnished,735,1345,35,18,2133 +São Paulo,400,3,4,4,-,acept,furnished,0,15000,0,226,15230 +São Paulo,100,3,3,2,-,acept,not furnished,900,4100,100,62,5162 +São Paulo,182,3,2,3,12,acept,not furnished,2307,12000,786,153,15250 +São Paulo,50,2,1,2,9,not acept,not furnished,640,2200,93,28,2961 +São Paulo,50,2,2,1,3,not acept,not furnished,840,3700,142,47,4729 +São Paulo,84,1,2,1,14,acept,not furnished,1200,3353,0,25,4578 +São Paulo,167,3,3,2,-,acept,not furnished,0,3700,311,56,4067 +Belo Horizonte,60,2,1,0,-,not acept,not furnished,0,1150,50,19,1219 +Campinas,220,3,1,4,-,not acept,not furnished,0,2800,334,43,3177 +São Paulo,67,2,1,0,3,acept,not furnished,230,1050,31,14,1325 +Rio de Janeiro,78,2,1,1,8,acept,not furnished,999,1275,125,17,2416 +Rio de Janeiro,63,2,2,0,2,acept,not furnished,1014,1200,51,16,2281 +Rio de Janeiro,45,1,1,0,4,not acept,furnished,603,2000,96,26,2725 +Campinas,151,3,2,3,10,acept,furnished,1400,2500,251,32,4183 +Belo Horizonte,90,2,2,0,7,acept,not furnished,336,1250,55,17,1658 +Belo Horizonte,54,2,1,1,4,acept,not furnished,197,1280,57,18,1552 +São Paulo,40,1,1,0,-,not acept,not furnished,0,1094,0,17,1111 +Rio de Janeiro,160,2,3,1,14,acept,not furnished,1486,1800,323,24,3633 +Rio de Janeiro,230,3,3,2,3,acept,not furnished,2100,9000,1000,116,12220 +São Paulo,22,1,1,0,25,acept,not furnished,472,2200,55,28,2755 +São Paulo,105,3,2,3,4,acept,not furnished,1100,2530,428,33,4091 +São Paulo,63,2,1,2,12,acept,not furnished,1200,5500,220,70,6990 +São Paulo,700,5,7,8,-,acept,furnished,0,6000,1800,91,7891 +Campinas,80,2,1,1,3,acept,not furnished,418,1000,0,13,1431 +São Paulo,50,1,1,0,-,acept,not furnished,0,1600,0,25,1625 +São Paulo,234,4,3,3,6,acept,not furnished,2688,1920,423,25,5056 +São Paulo,30,1,1,1,11,not acept,furnished,1600,2900,180,37,4717 +São Paulo,62,2,1,1,7,acept,not furnished,450,1800,125,23,2398 +São Paulo,350,3,3,3,-,acept,not furnished,0,30000,560,451,31010 +São Paulo,125,3,2,0,2,not acept,not furnished,1551,2700,495,35,4781 +Porto Alegre,102,2,1,0,4,acept,not furnished,420,1250,88,19,1777 +Belo Horizonte,65,2,2,2,3,acept,not furnished,230,1700,115,23,2068 +São Paulo,130,3,2,1,-,not acept,not furnished,0,2500,421,38,2959 +São Paulo,151,3,2,1,3,acept,furnished,1842,5000,474,64,7380 +Belo Horizonte,82,3,2,2,1,acept,not furnished,200,1200,69,16,1485 +São Paulo,65,2,1,1,3,acept,not furnished,590,2748,0,25,3479 +São Paulo,189,3,4,3,8,acept,not furnished,2300,6000,67,77,8444 +São Paulo,186,3,4,3,2,acept,not furnished,1400,8000,667,102,10170 +Campinas,650,4,7,5,-,acept,not furnished,0,8000,334,121,8455 +São Paulo,65,2,2,1,9,acept,not furnished,748,2800,222,36,3806 +São Paulo,363,3,5,4,10,not acept,not furnished,4040,3072,1112,39,8263 +São Paulo,71,3,2,2,10,acept,not furnished,680,2500,50,32,3262 +Rio de Janeiro,90,2,3,1,3,not acept,furnished,1200,2960,265,39,4464 +Belo Horizonte,266,4,3,4,-,acept,not furnished,0,4500,362,74,4936 +São Paulo,200,3,3,2,-,not acept,not furnished,0,2800,186,43,3029 +Porto Alegre,185,3,4,2,-,acept,not furnished,164,2900,74,52,3190 +São Paulo,138,3,3,2,5,acept,furnished,1112,5800,475,74,7461 +Rio de Janeiro,140,3,2,1,1,acept,not furnished,1000,3500,20,46,4566 +São Paulo,90,1,2,1,12,acept,furnished,1235,4200,58,54,5547 +São Paulo,35,1,1,1,-,not acept,not furnished,60,1249,0,8,1317 +Belo Horizonte,25,2,1,0,1,not acept,not furnished,0,2200,104,30,2334 +Belo Horizonte,180,3,3,0,-,acept,not furnished,0,3200,180,53,3433 +São Paulo,200,3,3,2,7,acept,not furnished,3000,4000,770,51,7821 +São Paulo,80,2,1,1,13,not acept,not furnished,937,2900,84,37,3958 +Porto Alegre,90,2,1,1,1,acept,not furnished,0,1090,50,16,1156 +Porto Alegre,170,3,3,2,-,acept,not furnished,0,8000,209,143,8352 +Campinas,380,3,3,5,-,acept,not furnished,1300,6500,413,98,8311 +Campinas,76,2,1,0,3,acept,not furnished,300,700,100,9,1109 +São Paulo,180,3,3,2,16,acept,not furnished,2200,11000,131,140,13470 +São Paulo,20,1,1,0,-,acept,not furnished,0,2060,0,27,2087 +São Paulo,90,2,1,0,-,acept,not furnished,0,1800,280,28,2108 +São Paulo,64,2,1,1,7,acept,not furnished,600,2000,108,26,2734 +São Paulo,129,3,2,2,6,acept,not furnished,1580,2600,542,33,4755 +Belo Horizonte,150,4,2,1,2,not acept,not furnished,580,1800,218,24,2622 +Porto Alegre,72,2,1,0,23,acept,not furnished,600,1100,9,17,1726 +São Paulo,220,3,4,4,13,acept,not furnished,3354,3375,1240,43,8012 +Campinas,42,2,1,1,3,acept,not furnished,190,846,0,11,1047 +São Paulo,79,1,2,2,25,not acept,furnished,800,5500,199,70,6569 +São Paulo,110,3,1,0,-,acept,not furnished,0,2000,0,31,2031 +São Paulo,220,4,4,4,11,not acept,not furnished,1850,5500,834,70,8254 +São Paulo,55,2,1,1,4,acept,furnished,100,1530,0,20,1650 +São Paulo,64,2,2,2,7,acept,not furnished,875,3400,47,44,4366 +São Paulo,143,3,2,3,7,acept,not furnished,1100,4500,625,58,6283 +Belo Horizonte,360,3,4,4,-,acept,not furnished,0,2700,264,45,3009 +São Paulo,500,2,2,1,-,acept,not furnished,129,2140,0,33,2302 +Rio de Janeiro,105,3,2,1,6,acept,not furnished,1881,3200,184,42,5307 +Rio de Janeiro,137,3,3,1,1,acept,furnished,1180,2900,214,38,4332 +São Paulo,53,2,1,1,7,acept,not furnished,450,4000,42,51,4543 +São Paulo,58,1,1,1,2,acept,furnished,1500,2800,334,36,4670 +São Paulo,129,3,2,1,13,not acept,not furnished,1317,3100,167,40,4624 +São Paulo,97,3,1,1,2,acept,furnished,915,6000,50,77,7042 +São Paulo,89,2,3,3,9,acept,furnished,1158,4300,244,55,5757 +Campinas,480,3,6,4,-,acept,not furnished,700,5400,584,82,6766 +Campinas,45,1,1,0,7,not acept,not furnished,506,500,24,7,1037 +Porto Alegre,44,1,1,0,3,acept,not furnished,330,1300,40,19,1689 +São Paulo,105,3,2,1,14,not acept,not furnished,1130,3600,60,46,4836 +São Paulo,192,3,3,2,-,acept,not furnished,0,2750,0,42,2792 +Rio de Janeiro,450,4,4,2,-,acept,not furnished,0,14000,1250,214,15460 +São Paulo,38,1,1,0,-,acept,furnished,610,4500,6,58,5174 +Campinas,63,1,1,0,6,acept,furnished,700,1280,24,17,2021 +São Paulo,151,3,3,3,13,acept,not furnished,1900,4000,292,51,6243 +São Paulo,55,2,1,1,-,acept,not furnished,0,1381,305,21,1707 +São Paulo,50,2,1,1,1,not acept,not furnished,765,2650,25,34,3474 +Campinas,202,3,2,2,-,acept,not furnished,0,1890,267,29,2186 +Rio de Janeiro,53,2,1,0,5,acept,not furnished,643,1000,0,13,1656 +Porto Alegre,80,3,3,0,4,acept,not furnished,300,2200,0,33,2533 +São Paulo,55,2,1,1,1,acept,not furnished,349,1450,0,19,1818 +São Paulo,120,4,2,3,6,acept,furnished,950,2960,459,38,4407 +São Paulo,396,4,5,7,-,acept,not furnished,0,5500,534,83,6117 +São Paulo,44,1,1,0,3,acept,not furnished,314,2300,0,30,2644 +Porto Alegre,147,4,4,2,2,acept,not furnished,1100,1800,305,27,3232 +São Paulo,290,5,3,3,6,acept,not furnished,3800,4100,1435,52,9387 +São Paulo,270,1,1,0,-,acept,not furnished,0,1400,0,22,1422 +São Paulo,260,3,2,3,10,acept,not furnished,3000,8500,1084,108,12690 +São Paulo,71,2,1,1,10,acept,not furnished,1000,2900,97,37,4034 +Belo Horizonte,306,4,3,3,10,acept,not furnished,1801,7900,454,106,10260 +Campinas,83,2,1,8,-,acept,not furnished,0,4550,405,69,5024 +São Paulo,89,3,2,1,14,acept,not furnished,800,1760,100,23,2683 +São Paulo,150,4,2,1,-,acept,not furnished,0,3900,0,59,3959 +Rio de Janeiro,70,2,1,0,6,not acept,not furnished,655,2300,112,30,3097 +São Paulo,212,4,3,2,17,acept,not furnished,2835,13800,694,175,17500 +São Paulo,87,3,2,2,17,acept,not furnished,1308,2350,321,30,4009 +Campinas,86,2,2,1,2,acept,not furnished,480,1190,67,16,1753 +São Paulo,250,4,2,6,-,acept,not furnished,0,5000,458,76,5534 +Rio de Janeiro,52,1,1,0,3,acept,furnished,650,3400,17,44,4111 +Rio de Janeiro,439,13,4,3,-,acept,not furnished,0,15000,667,229,15900 +Belo Horizonte,70,3,1,1,3,acept,furnished,250,1210,50,17,1527 +São Paulo,51,2,1,1,12,acept,not furnished,446,2200,114,28,2788 +Campinas,44,1,1,1,2,acept,not furnished,525,850,27,11,1413 +Campinas,170,3,2,2,-,acept,not furnished,0,1800,41,28,1869 +Rio de Janeiro,60,2,2,1,12,acept,not furnished,840,1050,57,14,1961 +São Paulo,136,3,2,2,9,not acept,not furnished,1650,6818,332,87,8887 +São Paulo,34,1,1,1,-,acept,not furnished,0,1350,138,21,1509 +Belo Horizonte,30,1,1,0,-,not acept,not furnished,0,700,0,10,710 +Rio de Janeiro,107,3,2,2,4,acept,not furnished,1500,5000,317,65,6882 +Campinas,140,4,4,2,6,acept,not furnished,1700,3300,330,42,5372 +Belo Horizonte,58,2,2,2,1,acept,not furnished,304,1700,100,23,2127 +Belo Horizonte,250,3,4,4,4,acept,not furnished,2900,8075,1333,108,12420 +São Paulo,147,3,3,3,5,acept,furnished,2000,12000,1000,153,15150 +Belo Horizonte,180,3,2,2,2,acept,not furnished,1502,2300,231,31,4064 +São Paulo,120,3,4,1,-,not acept,not furnished,0,4000,4,61,4065 +São Paulo,113,2,2,1,4,acept,not furnished,1000,3000,50,39,4089 +Porto Alegre,27,1,1,0,1,acept,not furnished,100,960,75,15,1150 +São Paulo,202,4,4,2,7,acept,not furnished,1600,3000,250,39,4889 +Belo Horizonte,95,3,2,2,3,acept,not furnished,350,2600,155,35,3140 +São Paulo,62,3,1,1,1,acept,not furnished,750,1100,0,14,1864 +São Paulo,188,3,4,3,1,acept,not furnished,2800,4800,750,61,8411 +Campinas,38,1,1,0,5,not acept,not furnished,440,892,17,12,1361 +São Paulo,45,1,1,0,-,not acept,not furnished,0,950,17,15,982 +São Paulo,150,4,3,2,13,acept,not furnished,1200,3800,220,49,5269 +São Paulo,76,3,2,2,5,acept,furnished,754,4500,205,58,5517 +Belo Horizonte,68,3,1,2,3,acept,not furnished,170,850,0,12,1032 +São Paulo,166,3,2,2,2,acept,not furnished,2124,7000,882,89,10100 +Porto Alegre,36,2,1,1,2,acept,not furnished,370,1350,75,20,1815 +Belo Horizonte,300,4,3,2,10,acept,furnished,900,5500,100,74,6574 +São Paulo,350,4,4,4,-,acept,not furnished,0,13000,1417,196,14610 +Belo Horizonte,200,4,3,2,6,acept,not furnished,1320,4500,397,60,6277 +Porto Alegre,140,3,1,0,8,acept,not furnished,900,2000,150,30,3080 +São Paulo,60,2,2,1,7,acept,furnished,625,2750,125,35,3535 +São Paulo,194,4,6,4,6,not acept,not furnished,940,8189,0,104,9233 +Belo Horizonte,358,4,4,2,8,acept,not furnished,2241,4100,317,55,6713 +São Paulo,199,2,3,3,1,not acept,furnished,2000,12500,725,159,15380 +Rio de Janeiro,130,3,2,1,2,acept,not furnished,1272,2750,265,36,4323 +São Paulo,70,1,1,1,8,not acept,furnished,800,3110,200,40,4150 +São Paulo,170,3,5,3,10,acept,furnished,1648,3480,1085,45,6258 +Rio de Janeiro,60,2,1,1,10,acept,not furnished,594,810,80,11,1495 +São Paulo,48,1,1,1,9,not acept,furnished,925,4300,90,55,5370 +São Paulo,70,2,1,0,-,acept,not furnished,0,1550,0,24,1574 +São Paulo,75,1,1,2,2,acept,not furnished,460,2500,0,32,2992 +Belo Horizonte,216,5,2,2,-,acept,not furnished,0,4500,431,74,5005 +Belo Horizonte,48,2,1,1,2,acept,not furnished,170,1400,12,19,1601 +São Paulo,167,3,3,3,4,acept,not furnished,2334,1670,555,22,4581 +São Paulo,92,3,1,0,1,not acept,furnished,150,1700,13,22,1885 +São Paulo,48,2,1,1,10,acept,not furnished,370,1610,0,21,2001 +São Paulo,300,6,6,4,-,acept,not furnished,0,4700,584,71,5355 +Campinas,245,4,3,2,9,acept,not furnished,2100,10500,167,134,12900 +São Paulo,500,7,4,3,-,acept,furnished,0,14000,785,211,15000 +São Paulo,138,2,3,2,9,acept,furnished,2082,2180,606,28,4896 +São Paulo,85,3,1,1,-,acept,not furnished,0,1650,115,25,1790 +Porto Alegre,104,3,2,1,2,acept,not furnished,1080,3400,125,50,4655 +São Paulo,200,3,4,3,8,acept,not furnished,1400,7080,0,90,8570 +Porto Alegre,50,1,1,1,4,acept,not furnished,420,1190,0,18,1628 +Belo Horizonte,88,3,1,1,2,acept,not furnished,180,1359,0,7,1546 +Rio de Janeiro,90,2,2,1,9,acept,furnished,1105,2250,208,29,3592 +São Paulo,225,2,2,3,-,acept,not furnished,0,4800,450,73,5323 +Porto Alegre,180,3,3,1,12,acept,not furnished,1500,2000,0,30,3530 +Belo Horizonte,784,5,6,8,-,acept,furnished,0,12000,1641,197,13840 +São Paulo,92,3,3,1,3,acept,furnished,750,4250,21,54,5075 +São Paulo,170,3,3,3,7,acept,not furnished,2450,3000,1015,39,6504 +Rio de Janeiro,400,3,4,2,12,acept,not furnished,3800,15000,1834,194,20830 +Rio de Janeiro,40,1,1,0,2,acept,furnished,450,2950,97,39,3536 +São Paulo,85,2,2,0,5,acept,not furnished,700,2600,100,33,3433 +São Paulo,40,1,1,1,13,not acept,furnished,1440,1890,170,24,3524 +São Paulo,280,4,6,3,8,acept,not furnished,4500,4800,1500,61,10860 +Rio de Janeiro,98,3,2,0,13,acept,not furnished,1040,3390,239,44,4713 +São Paulo,70,2,1,0,-,not acept,not furnished,0,1300,0,20,1320 +São Paulo,660,4,6,4,-,acept,not furnished,500,6000,4283,91,10870 +Belo Horizonte,449,5,7,4,-,acept,not furnished,0,15000,308,246,15550 +São Paulo,306,4,3,4,12,not acept,not furnished,3441,5330,2599,68,11440 +São Paulo,150,3,2,2,-,acept,not furnished,0,2500,0,38,2538 +São Paulo,80,3,2,2,19,acept,not furnished,490,2500,100,32,3122 +São Paulo,22,1,1,0,25,acept,not furnished,385,2100,40,27,2552 +Porto Alegre,82,3,2,1,3,acept,not furnished,690,1780,90,26,2586 +São Paulo,119,3,3,1,4,not acept,furnished,1500,3370,209,43,5122 +São Paulo,113,1,1,2,9,acept,furnished,650,6400,0,82,7132 +Porto Alegre,46,2,1,0,1,acept,not furnished,177,807,30,12,1026 +São Paulo,138,3,1,0,-,acept,not furnished,0,3500,445,53,3998 +São Paulo,75,2,3,2,5,acept,not furnished,499,2400,71,31,3001 +São Paulo,98,3,2,1,5,acept,furnished,1520,2400,0,31,3951 +Rio de Janeiro,25,1,1,0,3,not acept,not furnished,590,1336,63,18,2007 +Belo Horizonte,202,3,2,2,-,not acept,not furnished,0,3000,172,50,3222 +Campinas,326,3,3,4,-,acept,not furnished,870,4200,523,64,5657 +São Paulo,49,2,1,1,17,not acept,furnished,230,1625,25,21,1901 +São Paulo,52,1,1,1,11,acept,not furnished,730,2500,38,32,3300 +Belo Horizonte,258,4,4,3,1,acept,not furnished,1000,3500,338,47,4885 +São Paulo,80,3,1,1,7,acept,not furnished,978,2400,105,31,3514 +São Paulo,100,3,3,0,5,acept,not furnished,820,6330,148,81,7379 +Porto Alegre,87,2,1,0,4,acept,furnished,450,2200,75,33,2758 +Porto Alegre,42,2,1,0,-,acept,not furnished,0,858,15,16,889 +Rio de Janeiro,82,4,3,1,10,acept,not furnished,920,4800,167,62,5949 +São Paulo,200,2,1,1,-,acept,not furnished,0,2450,200,37,2687 +São Paulo,60,2,1,0,1,acept,not furnished,150,3040,167,39,3396 +São Paulo,250,3,4,4,2,not acept,furnished,3200,10000,834,127,14160 +Rio de Janeiro,60,1,1,1,15,acept,furnished,2000,3900,167,51,6118 +São Paulo,70,2,2,1,2,acept,not furnished,665,2000,0,26,2691 +São Paulo,79,2,2,1,3,acept,furnished,1300,3594,267,46,5207 +São Paulo,220,3,4,2,-,acept,not furnished,0,4800,0,73,4873 +Porto Alegre,38,1,1,0,11,not acept,not furnished,240,1150,35,17,1442 +São Paulo,310,5,4,5,3,acept,not furnished,4364,2700,2506,35,9605 +São Paulo,87,2,2,2,12,acept,not furnished,650,3300,209,42,4201 +São Paulo,236,4,5,7,4,acept,furnished,3000,10800,1084,137,15020 +São Paulo,113,2,3,2,10,acept,not furnished,1400,13500,375,172,15450 +São Paulo,45,2,1,0,2,not acept,not furnished,350,1500,50,20,1920 +São Paulo,144,4,2,0,-,not acept,not furnished,0,3200,209,49,3458 +Rio de Janeiro,24,1,1,0,10,acept,not furnished,587,1412,25,19,2043 +Porto Alegre,94,3,2,1,7,acept,not furnished,988,3200,242,47,4477 +Porto Alegre,27,1,1,0,2,not acept,furnished,300,1400,13,21,1734 +São Paulo,210,3,4,3,5,acept,furnished,4100,9945,1000,127,15170 +Belo Horizonte,180,3,2,2,-,acept,not furnished,0,2000,184,33,2217 +Porto Alegre,25,1,1,0,4,acept,not furnished,200,915,43,14,1172 +Belo Horizonte,100,3,1,2,2,acept,not furnished,300,1400,77,19,1796 +São Paulo,180,3,1,1,18,acept,not furnished,1800,9000,482,115,11400 +Rio de Janeiro,46,2,1,0,1,acept,not furnished,352,1400,0,19,1771 +São Paulo,352,4,4,4,-,not acept,furnished,0,8600,479,130,9209 +São Paulo,360,3,5,5,3,acept,furnished,4980,9000,2120,115,16220 +São Paulo,33,1,1,0,18,acept,furnished,350,1300,21,17,1688 +Rio de Janeiro,125,4,2,2,1,not acept,not furnished,1676,4500,40,58,6274 +São Paulo,360,4,5,5,-,acept,furnished,0,9600,584,145,10330 +São Paulo,416,3,5,4,15,acept,not furnished,5300,10000,0,127,15430 +São Paulo,400,3,4,5,-,acept,furnished,0,9500,1875,143,11520 +São Paulo,43,2,1,1,-,acept,not furnished,280,1900,0,25,2205 +Rio de Janeiro,180,4,2,1,2,acept,furnished,1955,6000,633,78,8666 +São Paulo,100,3,1,0,1,acept,not furnished,500,2630,334,34,3498 +São Paulo,31,1,1,1,3,not acept,furnished,2000,1990,125,26,4141 +Rio de Janeiro,60,1,1,1,12,not acept,furnished,1862,2400,123,10,4395 +São Paulo,165,3,4,3,7,acept,not furnished,2460,3500,617,45,6622 +Rio de Janeiro,250,5,2,5,-,acept,not furnished,0,4675,270,72,5017 +São Paulo,190,3,3,2,10,acept,not furnished,2700,4000,667,51,7418 +São Paulo,276,3,3,0,14,not acept,furnished,2308,12000,795,153,15260 +Rio de Janeiro,140,3,2,2,3,acept,not furnished,1900,5500,546,71,8017 +Porto Alegre,70,1,1,1,8,not acept,furnished,650,1050,34,16,1750 +São Paulo,300,4,7,3,-,not acept,furnished,0,7000,121,106,7227 +São Paulo,70,2,1,0,5,acept,not furnished,285,2197,0,28,2510 +Campinas,85,2,2,1,3,acept,not furnished,810,1100,70,14,1994 +Rio de Janeiro,75,2,1,0,-,not acept,not furnished,0,2000,34,18,2052 +Rio de Janeiro,120,3,1,0,3,not acept,furnished,1250,3300,238,43,4831 +Rio de Janeiro,92,2,2,0,2,acept,furnished,700,3000,195,39,3934 +Rio de Janeiro,98,2,1,0,11,acept,not furnished,701,2186,146,29,3062 +São Paulo,118,3,2,2,4,acept,not furnished,1520,8950,402,114,10990 +Rio de Janeiro,75,3,1,0,3,acept,not furnished,545,1800,21,24,2390 +Porto Alegre,75,2,2,1,2,acept,not furnished,396,2000,91,30,2517 +São Paulo,315,4,5,5,20,not acept,not furnished,2500,4000,1000,29,7529 +São Paulo,55,2,1,1,2,acept,not furnished,280,1000,0,13,1293 +São Paulo,132,3,2,1,11,acept,not furnished,1477,2950,45,38,4510 +São Paulo,100,2,1,1,-,acept,not furnished,0,2700,98,41,2839 +São Paulo,252,3,4,1,-,acept,not furnished,0,12000,1233,181,13410 +São Paulo,65,2,1,0,4,acept,not furnished,1261,1450,166,19,2896 +São Paulo,20,1,1,0,3,acept,furnished,602,1800,130,23,2555 +Campinas,150,3,4,2,9,acept,not furnished,1200,3400,0,44,4644 +São Paulo,500,5,5,8,1,acept,not furnished,0,9800,92,148,10040 +Porto Alegre,27,1,1,0,8,not acept,furnished,360,1000,13,15,1388 +São Paulo,500,3,4,7,-,not acept,not furnished,0,9300,1060,140,10500 +São Paulo,40,1,1,0,2,acept,not furnished,250,1020,70,13,1353 +Belo Horizonte,45,1,1,1,6,acept,not furnished,808,2900,9,39,3756 +Rio de Janeiro,86,2,2,2,3,acept,furnished,585,1500,116,20,2221 +São Paulo,200,3,3,0,-,acept,not furnished,0,5000,200,76,5276 +Porto Alegre,49,1,1,0,1,acept,not furnished,250,790,21,12,1073 +São Paulo,115,2,2,1,2,acept,not furnished,1755,4500,245,58,6558 +Belo Horizonte,50,2,1,0,-,not acept,not furnished,0,644,25,9,678 +São Paulo,20,1,1,0,-,acept,furnished,602,1800,130,23,2555 +Campinas,55,2,1,1,10,acept,not furnished,399,900,25,12,1336 +Rio de Janeiro,78,2,1,1,6,acept,not furnished,557,1050,84,14,1705 +São Paulo,127,4,3,0,11,not acept,not furnished,1154,5300,407,68,6929 +São Paulo,450,3,4,2,3,acept,not furnished,4187,15000,1450,191,20830 +São Paulo,132,3,1,2,7,not acept,furnished,920,8000,400,102,9422 +São Paulo,62,2,2,1,7,acept,furnished,520,3500,59,45,4124 +Belo Horizonte,300,5,3,1,-,acept,not furnished,0,3770,167,62,3999 +Rio de Janeiro,195,4,1,0,-,acept,not furnished,0,2990,156,46,3192 +Campinas,45,2,1,0,2,not acept,not furnished,250,1000,0,13,1263 +Rio de Janeiro,52,1,1,0,1,not acept,furnished,850,1850,56,24,2780 +São Paulo,46,2,1,1,8,acept,not furnished,589,1100,72,14,1775 +Belo Horizonte,179,3,3,0,10,acept,not furnished,1050,2400,203,32,3685 +Rio de Janeiro,60,1,1,0,9,acept,not furnished,649,3100,100,40,3889 +São Paulo,45,1,1,0,4,acept,not furnished,0,1000,0,13,1367 +Belo Horizonte,200,4,3,2,-,acept,not furnished,0,3400,713,56,4169 +Rio de Janeiro,15,1,1,0,-,acept,not furnished,0,700,0,10,710 +Belo Horizonte,30,1,1,0,1,not acept,not furnished,0,650,0,9,659 +Belo Horizonte,100,3,3,1,3,not acept,not furnished,350,1670,100,23,2143 +Rio de Janeiro,120,3,3,0,5,acept,furnished,600,5500,167,71,6338 +São Paulo,105,2,3,2,6,acept,not furnished,1850,3200,385,41,5476 +São Paulo,97,2,3,2,11,acept,furnished,700,2660,167,34,3561 +Rio de Janeiro,140,3,2,1,7,acept,not furnished,1400,4200,250,55,5905 +São Paulo,90,3,3,2,1,acept,not furnished,870,2630,417,34,3951 +São Paulo,50,1,1,0,7,acept,not furnished,388,2200,0,28,2616 +Belo Horizonte,330,5,4,2,-,acept,not furnished,0,8000,267,132,8399 +São Paulo,367,3,5,3,10,acept,furnished,3400,6000,1500,77,10980 +São Paulo,75,3,2,1,10,acept,not furnished,1000,3900,0,50,4950 +Porto Alegre,63,2,1,0,3,acept,furnished,200,1400,53,21,1674 +Campinas,72,2,1,2,16,acept,not furnished,730,1200,89,16,2035 +Campinas,52,2,1,1,4,acept,furnished,320,1800,70,23,2213 +São Paulo,57,2,2,1,10,not acept,not furnished,570,2600,0,33,3203 +São Paulo,200,3,3,1,11,not acept,not furnished,3200,3800,834,49,7883 +Rio de Janeiro,64,3,2,0,10,acept,not furnished,700,1300,251,17,2268 +São Paulo,211,3,2,2,6,acept,not furnished,2800,11000,483,140,14420 +Campinas,164,3,2,2,-,acept,not furnished,0,2100,293,32,2425 +São Paulo,240,3,3,2,-,acept,not furnished,0,4500,250,68,4818 +Campinas,64,2,1,1,10,acept,not furnished,540,820,122,11,1493 +São Paulo,89,2,3,1,-,acept,furnished,360,5700,204,73,6337 +Campinas,120,3,3,2,4,not acept,not furnished,400,1850,0,24,2274 +São Paulo,69,2,2,1,11,not acept,furnished,1000,4100,234,52,5386 +São Paulo,140,3,4,2,2,acept,not furnished,1400,2500,517,32,4449 +São Paulo,103,2,1,0,-,acept,not furnished,0,1300,80,20,1400 +São Paulo,82,2,2,0,15,not acept,not furnished,680,2800,135,36,3651 +São Paulo,30,1,1,0,4,acept,not furnished,415,1585,30,21,2051 +Campinas,60,2,1,1,16,not acept,not furnished,300,1400,60,18,1778 +São Paulo,162,3,2,2,7,acept,furnished,1250,8000,42,102,9394 +São Paulo,59,2,1,1,8,acept,not furnished,0,3000,0,39,3039 +São Paulo,230,3,3,3,6,not acept,not furnished,2100,10500,792,134,13530 +São Paulo,110,3,2,1,14,not acept,not furnished,950,4500,0,58,5508 +Campinas,210,3,3,3,7,acept,not furnished,1900,2300,459,30,4689 +São Paulo,218,3,2,2,6,not acept,not furnished,2000,7800,550,99,10450 +Campinas,50,1,1,1,2,not acept,not furnished,718,1600,13,21,2352 +Belo Horizonte,115,3,3,2,6,acept,not furnished,700,1920,209,26,2855 +São Paulo,100,2,2,0,1,acept,not furnished,900,2000,63,26,2989 +São Paulo,230,3,4,4,6,acept,not furnished,2100,5000,0,64,7164 +Rio de Janeiro,25,1,1,0,-,acept,not furnished,50,700,0,10,760 +São Paulo,280,3,4,2,-,not acept,furnished,2000,15000,684,226,17910 +São Paulo,390,3,4,4,10,not acept,not furnished,2710,9000,2682,115,14510 +São Paulo,60,2,2,2,20,acept,not furnished,450,2872,238,37,3597 +São Paulo,150,3,2,2,16,acept,not furnished,1700,5000,484,64,7248 +Rio de Janeiro,60,2,1,1,8,not acept,not furnished,560,1000,500,13,2073 +São Paulo,22,1,1,0,-,not acept,not furnished,250,1080,14,14,1358 +Rio de Janeiro,30,1,1,1,2,acept,not furnished,570,850,70,11,1501 +São Paulo,49,2,2,1,8,acept,not furnished,500,1550,100,20,2170 +São Paulo,230,3,4,3,7,acept,not furnished,3500,4700,834,60,9094 +Rio de Janeiro,200,3,4,2,11,acept,furnished,2100,8000,600,104,10800 +Belo Horizonte,167,4,4,3,5,acept,not furnished,2000,4600,642,62,7304 +Belo Horizonte,420,4,6,5,14,not acept,not furnished,2000,15000,167,200,17370 +Porto Alegre,98,2,1,0,3,acept,furnished,477,1800,92,27,2396 +Belo Horizonte,80,3,1,1,12,acept,not furnished,554,1300,69,18,1941 +Campinas,30,1,1,0,15,acept,not furnished,280,500,10,7,797 +São Paulo,296,4,5,5,4,acept,furnished,4300,12900,2105,164,19470 +Rio de Janeiro,70,2,1,0,3,not acept,not furnished,800,1100,42,15,1957 +Rio de Janeiro,160,2,2,2,1,acept,furnished,2400,7500,250,97,10250 +São Paulo,73,2,2,1,11,acept,not furnished,700,1250,150,16,2116 +Rio de Janeiro,15,1,1,0,-,acept,not furnished,50,700,0,10,760 +São Paulo,174,3,1,1,-,acept,not furnished,0,3300,236,50,3586 +Porto Alegre,54,1,1,1,6,acept,not furnished,450,1200,42,18,1710 +São Paulo,50,1,1,1,10,not acept,furnished,1300,8800,250,112,10460 +São Paulo,240,3,3,3,8,acept,not furnished,2999,10500,417,134,14050 +Belo Horizonte,260,4,4,2,-,acept,not furnished,0,15000,203,246,15450 +São Paulo,210,3,4,4,2,not acept,not furnished,1990,6375,625,81,9071 +São Paulo,119,3,4,3,14,acept,not furnished,800,3680,30,47,4557 +Belo Horizonte,150,3,1,3,-,acept,not furnished,0,3500,750,58,4308 +São Paulo,750,4,7,8,-,acept,furnished,0,15000,1667,226,16890 +São Paulo,67,2,1,1,13,not acept,not furnished,626,1800,40,23,2489 +Rio de Janeiro,50,1,1,0,1,acept,not furnished,640,1428,81,6,2155 +Rio de Janeiro,36,1,1,0,5,acept,not furnished,487,2500,55,33,3075 +São Paulo,120,3,2,2,5,acept,not furnished,1500,1900,377,25,3802 +Porto Alegre,65,3,1,1,1,acept,not furnished,400,850,31,13,1294 +Belo Horizonte,240,4,4,2,3,acept,furnished,590,8000,150,107,8847 +São Paulo,93,2,2,2,3,acept,not furnished,800,3500,200,45,4545 +Porto Alegre,35,1,1,0,1,acept,not furnished,120,1170,92,18,1400 +São Paulo,51,2,1,1,9,not acept,not furnished,450,2200,109,28,2787 +São Paulo,85,2,2,1,14,acept,not furnished,709,3300,94,42,4145 +Campinas,57,1,2,1,12,acept,not furnished,391,2961,111,38,3501 +Campinas,50,1,1,0,8,acept,not furnished,300,550,0,3,853 +São Paulo,75,2,1,0,-,acept,not furnished,0,1500,325,23,1848 +São Paulo,161,3,3,3,17,acept,not furnished,2700,10000,667,127,13490 +Campinas,210,4,4,3,7,not acept,not furnished,1964,3600,495,46,6105 +São Paulo,350,3,2,4,-,acept,not furnished,0,12500,1334,188,14020 +Porto Alegre,112,3,3,2,1,acept,not furnished,1000,3000,234,44,4278 +Campinas,78,3,2,2,3,acept,furnished,755,1900,37,25,2717 +São Paulo,54,2,2,1,6,acept,not furnished,954,2800,199,36,3989 +Campinas,25,1,1,0,3,not acept,not furnished,200,1020,0,4,1224 +São Paulo,62,2,2,0,3,not acept,not furnished,600,2000,0,26,2626 +São Paulo,117,2,2,1,11,not acept,furnished,630,7130,150,91,8001 +São Paulo,120,4,2,2,-,acept,not furnished,0,3500,10,53,3563 +Campinas,113,3,2,2,11,acept,not furnished,700,1450,79,19,2248 +São Paulo,65,2,1,1,3,acept,not furnished,700,2306,0,30,3036 +Campinas,70,2,1,1,-,not acept,not furnished,341,1100,60,14,1515 +Porto Alegre,67,3,2,2,7,acept,not furnished,400,2000,50,30,2480 +São Paulo,651,7,7,8,-,acept,not furnished,0,8500,1595,128,10220 +São Paulo,180,3,1,5,-,acept,not furnished,0,6500,567,98,7165 +São Paulo,30,1,1,0,-,acept,not furnished,0,1000,21,13,1034 +São Paulo,100,3,3,3,5,acept,not furnished,1000,3500,417,45,4962 +São Paulo,45,1,1,0,11,acept,not furnished,325,1450,55,19,1849 +São Paulo,400,4,4,4,-,acept,not furnished,0,8500,1250,128,9878 +São Paulo,100,3,1,0,1,acept,not furnished,0,2200,139,28,2367 +Porto Alegre,111,2,2,0,15,acept,not furnished,850,1612,100,24,2586 +Belo Horizonte,70,2,2,2,5,acept,not furnished,610,2100,240,28,2978 +Porto Alegre,179,3,2,2,-,acept,furnished,0,3700,67,66,3833 +Rio de Janeiro,140,3,2,2,1,acept,not furnished,1800,5700,579,74,8153 +São Paulo,260,3,4,2,-,acept,not furnished,0,7609,876,115,8600 +Belo Horizonte,268,4,2,4,1,not acept,not furnished,975,3000,381,40,4396 +Belo Horizonte,70,3,2,1,2,acept,not furnished,230,1300,59,18,1607 +Rio de Janeiro,50,1,1,1,2,acept,not furnished,1060,1500,323,20,2903 +Belo Horizonte,470,5,4,2,-,acept,not furnished,0,6000,808,99,6907 +São Paulo,142,3,4,3,13,acept,not furnished,1900,4600,3509,33,10040 +São Paulo,80,1,2,2,5,acept,not furnished,0,6522,0,83,6605 +São Paulo,100,3,3,3,-,not acept,not furnished,0,2500,246,38,2784 +Porto Alegre,47,1,1,1,1,not acept,furnished,400,2200,0,33,2633 +Campinas,180,3,4,4,-,acept,not furnished,0,3230,250,49,3529 +Porto Alegre,180,4,1,1,-,acept,not furnished,1,4480,375,80,4936 +São Paulo,72,1,1,1,-,not acept,furnished,670,4000,175,51,4896 +São Paulo,90,2,2,1,-,acept,not furnished,0,2200,0,34,2234 +Campinas,49,1,1,0,3,acept,not furnished,417,583,23,8,1031 +Porto Alegre,282,4,2,4,-,acept,furnished,0,5000,355,89,5444 +São Paulo,114,4,4,2,6,acept,not furnished,1115,2530,321,33,3999 +São Paulo,170,3,3,2,8,acept,not furnished,1800,7000,559,89,9448 +São Paulo,200,3,2,3,-,acept,not furnished,0,3600,251,55,3906 +São Paulo,130,4,4,3,2,acept,not furnished,1160,3000,459,39,4658 +Belo Horizonte,300,3,4,4,-,acept,not furnished,0,7500,350,123,7973 +São Paulo,40,1,2,1,28,not acept,furnished,1935,4200,318,54,6507 +São Paulo,45,1,1,0,2,not acept,not furnished,150,750,0,10,910 +São Paulo,245,3,5,4,3,acept,furnished,2300,10000,1218,127,13650 +São Paulo,155,2,3,2,-,acept,not furnished,0,4000,377,61,4438 +Belo Horizonte,300,3,3,4,-,acept,not furnished,0,3500,431,58,3989 +Campinas,438,5,4,0,-,acept,not furnished,0,7735,417,117,8269 +Rio de Janeiro,30,1,1,0,4,not acept,furnished,380,2200,59,29,2668 +São Paulo,125,2,2,1,-,acept,furnished,0,2800,392,43,3235 +Campinas,76,1,2,0,1,acept,not furnished,300,700,100,9,1109 +São Paulo,58,2,2,2,2,acept,not furnished,833,2030,189,26,3078 +São Paulo,140,3,2,2,-,acept,not furnished,0,2600,45,40,2685 +São Paulo,49,2,1,1,1,acept,not furnished,415,1368,0,18,1801 +Porto Alegre,45,1,1,0,11,acept,not furnished,750,900,658,14,2322 +São Paulo,350,4,6,4,-,acept,not furnished,0,10000,896,151,11050 +São Paulo,35,1,1,0,4,acept,not furnished,320,1700,0,22,2042 +Rio de Janeiro,100,3,1,1,-,acept,not furnished,495,1700,17,22,2234 +Porto Alegre,86,2,2,2,3,acept,not furnished,1000,2950,120,44,4114 +Campinas,58,1,1,1,6,acept,not furnished,676,3300,108,42,4126 +São Paulo,40,1,1,0,-,not acept,not furnished,0,780,17,12,809 +Porto Alegre,62,3,2,1,2,acept,furnished,550,2100,50,31,2731 +Belo Horizonte,95,3,2,2,10,acept,not furnished,657,2300,143,31,3131 +São Paulo,52,1,1,1,11,acept,not furnished,730,2100,38,27,2895 +São Paulo,80,2,1,0,-,acept,not furnished,0,1280,59,20,1359 +Belo Horizonte,300,4,4,4,-,acept,not furnished,0,6500,428,107,7035 +São Paulo,70,2,2,0,6,acept,not furnished,570,1390,212,18,2190 +Porto Alegre,130,3,3,1,6,acept,not furnished,1000,4900,167,72,6139 +Campinas,39,1,1,1,1,not acept,furnished,573,1128,32,15,1748 +Belo Horizonte,73,2,1,1,11,acept,furnished,600,4500,40,60,5200 +São Paulo,68,2,1,1,15,acept,not furnished,520,2280,9,29,2838 +Campinas,80,2,1,0,-,acept,not furnished,0,1200,0,19,1219 +São Paulo,30,1,1,1,15,acept,not furnished,500,1560,61,20,2141 +Rio de Janeiro,450,4,5,1,-,acept,not furnished,0,3300,417,51,3768 +São Paulo,270,3,4,2,11,acept,not furnished,3158,15000,1100,191,19450 +São Paulo,146,3,4,4,15,acept,not furnished,1510,6000,631,77,8218 +Rio de Janeiro,100,3,1,0,2,acept,not furnished,0,2000,209,26,2235 +Campinas,60,2,1,1,2,acept,not furnished,314,1000,0,13,1327 +São Paulo,55,2,1,1,7,not acept,not furnished,784,3500,135,45,4464 +Rio de Janeiro,140,4,2,1,1,not acept,not furnished,1700,6000,380,78,8158 +Campinas,40,1,1,1,6,acept,not furnished,600,650,35,9,1294 +Belo Horizonte,20,1,1,1,-,acept,furnished,0,1100,0,15,1115 +Porto Alegre,30,1,1,0,-,not acept,not furnished,0,500,0,9,509 +São Paulo,68,2,2,2,12,not acept,not furnished,2600,2300,0,30,4930 +Campinas,35,1,1,1,11,acept,not furnished,350,966,25,13,1354 +São Paulo,190,4,4,3,11,acept,furnished,1780,6900,0,88,8768 +São Paulo,700,4,10,0,-,acept,not furnished,0,15000,8750,226,23980 +Rio de Janeiro,45,1,1,0,1,acept,not furnished,0,1200,78,16,1294 +São Paulo,311,3,6,4,23,not acept,furnished,1800,12500,1084,159,15540 +Porto Alegre,110,2,1,0,-,acept,not furnished,0,1070,1160,20,2250 +Campinas,330,3,3,2,10,not acept,not furnished,2700,5100,650,65,8515 +São Paulo,75,3,1,1,2,acept,furnished,770,1900,85,25,2780 +Porto Alegre,50,1,1,0,2,acept,furnished,300,1600,42,24,1966 +São Paulo,460,4,4,6,-,acept,not furnished,0,5280,667,80,6027 +Porto Alegre,52,2,1,0,4,acept,not furnished,401,730,21,11,1163 +São Paulo,155,3,4,2,14,acept,not furnished,1400,13100,409,166,15080 +Belo Horizonte,55,2,1,1,1,acept,not furnished,200,840,77,12,1129 +Rio de Janeiro,74,2,1,0,11,acept,not furnished,1154,1900,189,25,3268 +São Paulo,26,1,1,1,3,acept,furnished,402,1396,0,18,1816 +São Paulo,80,2,1,0,1,acept,furnished,500,3000,0,39,3539 +São Paulo,450,4,5,5,-,not acept,not furnished,0,12000,1875,181,14060 +Campinas,150,2,2,1,-,acept,not furnished,0,1060,167,16,1243 +São Paulo,135,3,2,2,9,acept,not furnished,1836,4200,543,54,6633 +Belo Horizonte,140,4,3,4,9,acept,not furnished,500,3500,230,47,4277 +Campinas,76,3,1,1,2,acept,not furnished,480,1300,92,17,1889 +São Paulo,450,4,3,6,-,acept,not furnished,0,11900,1084,179,13160 +Belo Horizonte,38,1,1,0,2,not acept,not furnished,0,1300,0,18,1318 +São Paulo,56,2,2,1,4,acept,not furnished,500,2000,0,26,2526 +Rio de Janeiro,30,1,1,0,8,not acept,furnished,445,1512,0,7,1964 +São Paulo,260,2,2,2,-,not acept,not furnished,0,3800,567,58,4425 +Porto Alegre,77,3,2,1,2,not acept,not furnished,284,1260,20,19,1583 +Rio de Janeiro,290,4,3,1,6,acept,not furnished,2500,7000,459,91,10050 +Belo Horizonte,22,1,1,1,1,not acept,furnished,0,1500,0,20,1520 +Rio de Janeiro,47,2,1,0,4,acept,not furnished,578,1500,0,20,2098 +São Paulo,80,2,2,1,7,acept,not furnished,1363,3700,96,47,5206 +São Paulo,244,4,3,4,2,acept,furnished,2375,4774,1033,61,8243 +Campinas,45,1,1,0,9,acept,not furnished,670,800,39,11,1520 +Belo Horizonte,85,3,2,2,3,not acept,not furnished,686,1700,160,23,2569 +São Paulo,98,3,2,2,3,acept,not furnished,1400,2000,383,26,3809 +São Paulo,100,2,1,1,-,not acept,not furnished,0,1450,0,22,1472 +Rio de Janeiro,120,3,2,0,2,acept,not furnished,1300,3700,331,48,5379 +São Paulo,190,3,2,1,8,acept,furnished,2180,4500,150,58,6888 +São Paulo,500,4,4,4,-,acept,not furnished,3200,10200,1800,154,15350 +São Paulo,105,3,2,2,1,acept,furnished,1544,7800,488,99,9931 +Campinas,50,2,1,1,3,acept,not furnished,613,1000,20,13,1646 +São Paulo,126,4,3,2,4,not acept,not furnished,1500,4500,417,58,6475 +São Paulo,74,2,3,1,2,acept,not furnished,1180,4500,105,58,5843 +Rio de Janeiro,130,3,3,2,3,acept,furnished,2500,7000,500,91,10090 +São Paulo,140,2,1,1,6,not acept,furnished,2000,5500,300,70,7870 +Porto Alegre,160,3,2,2,-,acept,not furnished,100,2000,75,36,2211 +São Paulo,250,3,4,3,4,acept,not furnished,3570,14000,1256,178,19000 +Rio de Janeiro,90,2,2,1,4,acept,not furnished,1090,900,144,12,2146 +São Paulo,35,1,1,0,6,acept,furnished,420,1660,0,22,2102 +Rio de Janeiro,144,4,2,2,4,acept,not furnished,2000,3590,378,47,6015 +Rio de Janeiro,170,3,1,1,10,acept,furnished,600,2480,100,32,3212 +Rio de Janeiro,65,2,1,1,7,acept,not furnished,750,1400,59,19,2228 +Porto Alegre,80,2,1,0,-,acept,not furnished,0,990,0,18,1008 +São Paulo,20,1,1,0,4,not acept,furnished,150,3142,67,40,3399 +São Paulo,79,2,2,2,18,not acept,furnished,800,5900,280,75,7055 +São Paulo,70,2,1,0,1,acept,not furnished,0,2448,159,32,2639 +São Paulo,30,1,1,0,9,not acept,furnished,423,2350,46,30,2849 +São Paulo,250,3,5,3,4,acept,not furnished,3500,6800,0,87,10390 +Porto Alegre,50,1,1,0,2,acept,furnished,300,930,25,14,1269 +São Paulo,116,3,2,2,5,acept,not furnished,1726,2300,568,30,4624 +São Paulo,216,4,3,4,28,not acept,not furnished,1868,5000,657,64,7589 +São Paulo,290,3,5,4,8,acept,furnished,3580,7000,0,89,10670 +São Paulo,300,5,6,6,-,acept,not furnished,0,9500,2084,143,11730 +São Paulo,245,4,3,4,8,acept,not furnished,3450,6000,1667,77,11190 +Belo Horizonte,150,4,2,3,18,not acept,furnished,1300,4900,480,66,6746 +São Paulo,130,3,4,2,11,not acept,not furnished,1550,2318,411,30,4309 +São Paulo,112,1,2,3,-,acept,not furnished,0,2878,84,44,3006 +São Paulo,78,2,2,1,8,acept,not furnished,586,1680,63,22,2351 +Rio de Janeiro,15,1,1,0,-,acept,not furnished,50,700,0,10,760 +São Paulo,84,2,1,2,11,not acept,furnished,800,4000,240,51,5091 +Rio de Janeiro,23,1,1,0,8,not acept,not furnished,569,2000,25,26,2620 +Belo Horizonte,174,3,1,0,-,not acept,not furnished,0,5500,120,91,5711 +São Paulo,104,1,3,2,14,not acept,not furnished,2000,4200,500,54,6754 +Porto Alegre,63,1,1,0,3,acept,not furnished,340,900,38,14,1292 +São Paulo,51,2,1,1,7,acept,not furnished,468,1100,75,14,1657 +Rio de Janeiro,70,2,2,1,4,acept,not furnished,1500,3460,332,45,5337 +Belo Horizonte,150,4,4,2,12,acept,not furnished,1218,4000,501,54,5773 +Rio de Janeiro,90,2,2,1,8,acept,not furnished,800,2156,90,9,3055 +Rio de Janeiro,80,2,2,1,2,acept,furnished,4100,7500,584,97,12280 +Porto Alegre,60,1,1,1,4,not acept,not furnished,2400,800,209,12,3421 +Belo Horizonte,85,3,2,1,2,not acept,not furnished,450,1500,85,20,2055 +São Paulo,70,2,1,0,24,not acept,furnished,450,3200,50,41,3741 +Rio de Janeiro,50,1,1,0,2,not acept,not furnished,800,800,26,11,1637 +São Paulo,38,1,1,0,6,acept,not furnished,420,2080,24,27,2551 +Porto Alegre,147,3,3,3,-,acept,not furnished,0,2600,81,47,2728 +Porto Alegre,222,3,2,2,3,not acept,furnished,770,5083,350,75,6278 +São Paulo,185,4,4,4,8,acept,not furnished,2500,7500,1042,96,11140 +Campinas,284,3,5,6,-,acept,not furnished,550,5100,417,77,6144 +São Paulo,45,2,1,1,6,not acept,not furnished,240,1470,30,19,1759 +Rio de Janeiro,290,3,3,1,9,acept,not furnished,1600,5300,853,69,7822 +São Paulo,74,3,2,2,15,acept,not furnished,850,1250,100,16,2216 +Campinas,115,3,2,2,15,acept,not furnished,1018,2690,214,35,3957 +Porto Alegre,37,1,1,0,4,acept,not furnished,338,1600,67,24,2029 +Belo Horizonte,650,7,6,3,-,acept,not furnished,0,13000,1250,214,14460 +São Paulo,30,1,1,0,1,not acept,not furnished,0,1459,0,10,1469 +São Paulo,87,1,1,2,14,acept,furnished,870,7900,150,101,9021 +São Paulo,553,5,6,5,15,acept,furnished,6000,3360,2827,43,12230 +São Paulo,250,3,4,4,16,acept,not furnished,3421,10700,1224,136,15480 +São Paulo,600,4,5,6,-,acept,not furnished,0,6000,3000,51,9051 +São Paulo,250,3,3,3,-,acept,not furnished,0,4500,150,68,4718 +São Paulo,30,1,1,1,16,acept,not furnished,399,1799,0,23,2221 +Belo Horizonte,62,3,1,1,2,not acept,not furnished,260,950,59,13,1282 +Rio de Janeiro,115,2,2,2,1,acept,not furnished,900,3000,75,39,4014 +Rio de Janeiro,130,3,1,0,4,acept,not furnished,1050,6800,193,28,8071 +São Paulo,35,1,1,0,15,acept,not furnished,306,2000,0,26,2332 +Belo Horizonte,350,4,3,3,9,not acept,not furnished,2050,10000,658,134,12840 +São Paulo,100,3,2,0,-,not acept,not furnished,0,3000,914,46,3960 +Campinas,85,3,2,2,9,acept,not furnished,1225,2600,182,33,4040 +São Paulo,60,1,1,1,-,acept,not furnished,0,1500,100,23,1623 +Campinas,197,3,3,2,8,acept,not furnished,1600,2500,325,32,4457 +São Paulo,177,4,5,4,12,acept,not furnished,1500,9200,959,117,11780 +Rio de Janeiro,96,2,1,0,8,acept,furnished,700,5000,181,65,5946 +São Paulo,48,1,1,0,-,not acept,not furnished,0,1150,34,18,1202 +São Paulo,678,5,6,4,-,acept,not furnished,0,15000,3000,226,18230 +Rio de Janeiro,126,2,2,1,5,acept,not furnished,1800,7500,420,97,9817 +São Paulo,130,3,3,1,6,acept,not furnished,1390,4200,257,54,5901 +Campinas,113,2,1,1,8,acept,not furnished,670,1250,92,16,2028 +São Paulo,380,3,4,2,-,acept,not furnished,0,12000,959,181,13140 +São Paulo,80,1,1,1,10,acept,not furnished,1800,2500,180,32,4512 +São Paulo,20,1,1,0,-,acept,furnished,602,1800,130,23,2555 +São Paulo,32,1,1,1,15,acept,not furnished,350,1880,0,24,2254 +São Paulo,420,4,6,4,8,acept,not furnished,3500,15000,2250,191,20940 +São Paulo,500,8,5,2,-,acept,not furnished,0,11000,1550,166,12720 +São Paulo,33,1,1,1,12,acept,furnished,560,2900,84,37,3581 +São Paulo,700,4,6,6,-,acept,not furnished,0,12500,2176,188,14860 +São Paulo,50,1,1,1,-,acept,not furnished,0,1100,0,17,1117 +Porto Alegre,70,2,2,0,4,acept,not furnished,330,1410,59,21,1820 +Belo Horizonte,332,3,2,8,-,not acept,not furnished,0,7000,270,115,7385 +Rio de Janeiro,83,2,3,2,4,acept,furnished,3850,6000,1128,78,11060 +Campinas,62,2,2,2,5,acept,not furnished,800,3000,14,39,3853 +São Paulo,30,1,1,0,12,acept,furnished,350,3300,0,42,3692 +São Paulo,240,4,6,4,2,not acept,not furnished,2000,4410,0,56,6466 +São Paulo,27,1,1,0,-,not acept,not furnished,0,835,0,13,848 +Rio de Janeiro,87,3,2,1,3,acept,not furnished,1200,1440,67,19,2726 +Porto Alegre,238,3,3,3,2,acept,furnished,700,4180,167,62,5109 +Rio de Janeiro,68,2,1,0,3,acept,not furnished,925,2300,245,30,3500 +Rio de Janeiro,30,1,1,0,19,acept,not furnished,590,800,126,11,1527 +Rio de Janeiro,24,1,1,0,5,acept,furnished,500,1200,25,16,1741 +São Paulo,80,3,2,1,1,not acept,not furnished,402,1613,80,21,2116 +Belo Horizonte,70,3,1,1,3,acept,not furnished,275,1100,63,15,1453 +São Paulo,250,4,3,2,-,not acept,not furnished,0,10000,0,151,10150 +Belo Horizonte,83,3,3,2,5,acept,furnished,990,3500,216,47,4753 +Porto Alegre,339,3,5,4,11,acept,furnished,3000,14000,834,205,18040 +Campinas,75,2,1,1,-,acept,not furnished,0,1300,0,17,1317 +São Paulo,154,4,3,3,4,acept,not furnished,1630,4350,742,56,6778 +Rio de Janeiro,80,2,2,1,5,acept,not furnished,891,1800,125,24,2840 +Porto Alegre,156,3,1,0,2,acept,not furnished,500,1600,142,24,2266 +São Paulo,190,3,4,3,2,acept,not furnished,3800,5950,1209,76,11040 +São Paulo,200,3,2,2,-,acept,not furnished,0,2900,791,44,3735 +Belo Horizonte,600,3,5,8,-,acept,not furnished,800,10000,202,164,11170 +Belo Horizonte,57,3,2,1,2,acept,not furnished,225,1100,78,15,1418 +Belo Horizonte,110,3,2,2,3,not acept,furnished,550,2600,248,20,3418 +São Paulo,240,3,4,5,9,acept,not furnished,3200,6400,1400,82,11080 +São Paulo,40,1,1,1,9,not acept,not furnished,440,2800,100,36,3376 +Campinas,160,3,2,2,12,acept,not furnished,1026,1650,243,21,2940 +São Paulo,120,3,2,2,1,acept,not furnished,2450,3940,875,50,7315 +Campinas,51,1,1,1,1,acept,not furnished,670,820,90,11,1591 +Porto Alegre,55,1,1,1,3,acept,not furnished,250,2300,45,34,2629 +São Paulo,820,4,4,5,-,acept,not furnished,0,7225,3750,109,11080 +São Paulo,168,3,4,2,9,acept,not furnished,1800,5500,65,70,7435 +Porto Alegre,68,1,2,1,4,acept,furnished,500,2500,117,37,3154 +São Paulo,260,4,4,6,22,acept,furnished,2480,5500,1167,70,9217 +São Paulo,93,2,2,1,8,acept,not furnished,1258,2490,12,32,3792 +São Paulo,73,2,2,1,13,acept,not furnished,700,1250,150,16,2116 +São Paulo,182,3,3,5,-,acept,not furnished,0,4200,250,64,4514 +Rio de Janeiro,215,3,2,0,5,acept,not furnished,1400,4000,38,52,5490 +São Paulo,280,3,3,4,-,acept,not furnished,0,9500,990,143,10630 +Rio de Janeiro,68,2,1,1,5,acept,not furnished,660,870,109,12,1651 +São Paulo,76,1,2,1,4,acept,furnished,1180,4200,30,54,5464 +São Paulo,156,3,4,3,4,acept,not furnished,1650,9000,667,115,11430 +Porto Alegre,271,4,3,1,7,acept,not furnished,1500,3900,500,57,5957 +Campinas,297,4,6,2,3,acept,not furnished,2800,2800,433,36,6069 +São Paulo,73,2,1,1,8,acept,not furnished,525,1360,6,18,1909 +São Paulo,350,3,4,5,-,acept,not furnished,0,5500,1092,83,6675 +São Paulo,100,2,3,3,-,acept,furnished,1200,7650,250,97,9197 +São Paulo,100,3,2,0,3,not acept,not furnished,800,2000,250,26,3076 +Campinas,180,3,4,4,-,acept,not furnished,1000,4500,127,68,5695 +São Paulo,350,7,4,2,-,acept,not furnished,0,4600,292,70,4962 +Porto Alegre,40,1,1,0,7,acept,not furnished,180,1000,6,15,1201 +Rio de Janeiro,106,3,2,1,5,acept,not furnished,1434,5000,338,65,6837 +São Paulo,63,2,2,1,19,acept,furnished,1000,11000,133,140,12270 +Rio de Janeiro,200,4,3,2,6,acept,furnished,2100,9200,603,119,12020 +Rio de Janeiro,65,2,2,0,1,acept,not furnished,250,3600,103,47,4000 +Rio de Janeiro,25,1,1,0,4,acept,furnished,356,1984,55,23,2418 +São Paulo,95,3,2,2,5,acept,not furnished,1760,1200,296,16,3272 +São Paulo,36,1,1,1,8,acept,furnished,600,3400,80,44,4124 +Rio de Janeiro,273,4,4,2,5,acept,not furnished,2800,10200,632,132,13760 +São Paulo,159,2,2,1,8,acept,furnished,1236,4200,251,54,5741 +Rio de Janeiro,110,2,2,1,6,acept,furnished,2500,5000,1417,65,8982 +Porto Alegre,130,4,4,3,3,acept,furnished,1600,10840,292,159,12890 +São Paulo,20,1,1,0,-,not acept,not furnished,0,990,0,13,1003 +São Paulo,330,4,5,4,-,acept,not furnished,0,4000,274,61,4335 +Rio de Janeiro,30,1,1,0,8,not acept,not furnished,550,1216,25,16,1807 +São Paulo,190,4,3,2,1,acept,not furnished,1733,5000,570,64,7367 +São Paulo,195,2,3,1,10,acept,not furnished,1500,6000,334,77,7911 +São Paulo,43,2,7,2,11,acept,not furnished,257,2270,0,29,2556 +Campinas,49,2,1,1,5,acept,not furnished,273,950,0,13,1236 +São Paulo,68,3,1,1,1,acept,not furnished,560,1410,115,18,2103 +Porto Alegre,63,2,2,2,3,acept,furnished,500,2150,70,32,2752 +São Paulo,298,4,4,3,6,acept,not furnished,3356,9000,1190,115,13660 +São Paulo,52,1,2,1,4,acept,furnished,795,3850,297,49,4991 +São Paulo,350,3,2,4,-,acept,not furnished,0,10200,992,154,11350 +São Paulo,170,4,2,1,3,acept,furnished,2437,5200,570,66,8273 +Rio de Janeiro,120,3,2,2,1,acept,not furnished,1784,5300,350,69,7503 +Rio de Janeiro,30,1,1,0,19,acept,not furnished,800,1250,0,17,2067 +Belo Horizonte,67,2,1,0,5,not acept,furnished,388,1140,71,16,1615 +São Paulo,210,3,4,0,-,acept,furnished,0,4200,175,64,4439 +Porto Alegre,40,1,1,1,1,not acept,furnished,250,1050,8,16,1324 +Porto Alegre,117,3,2,1,1,acept,not furnished,706,3400,217,50,4373 +São Paulo,67,2,1,1,7,acept,not furnished,570,1420,4,18,2012 +Belo Horizonte,70,3,2,2,1,acept,not furnished,554,1900,228,26,2708 +Porto Alegre,60,2,1,2,-,acept,not furnished,0,1400,0,25,1425 +São Paulo,856,5,7,6,4,acept,not furnished,7500,10000,5000,127,22630 +Rio de Janeiro,34,1,1,0,7,acept,not furnished,625,1700,65,22,2412 +São Paulo,717,5,5,8,16,acept,not furnished,4300,2500,5032,32,11860 +Porto Alegre,96,2,1,0,2,not acept,not furnished,200,1000,40,15,1255 +São Paulo,20,1,1,0,-,acept,furnished,602,1800,130,23,2555 +Porto Alegre,70,1,2,0,-,not acept,not furnished,0,1500,59,27,1586 +Rio de Janeiro,65,1,1,0,10,not acept,furnished,672,2400,116,31,3219 +São Paulo,58,2,2,1,18,acept,not furnished,317,1783,0,23,2123 +São Paulo,140,3,3,3,2,acept,not furnished,1640,4200,775,54,6669 +São Paulo,195,3,4,3,-,acept,not furnished,0,8500,59,128,8687 +Rio de Janeiro,83,2,1,1,8,acept,furnished,1108,1800,104,24,3036 +Porto Alegre,40,1,1,1,6,acept,not furnished,180,1250,6,19,1455 +São Paulo,70,1,1,0,-,not acept,not furnished,0,900,0,14,914 +Rio de Janeiro,94,3,3,2,4,acept,not furnished,2076,5000,357,65,7498 +São Paulo,34,1,1,1,11,not acept,furnished,620,2800,0,36,3456 +Campinas,30,1,1,0,4,acept,not furnished,336,503,10,7,856 +São Paulo,73,2,2,1,12,acept,not furnished,700,1250,150,16,2116 +Campinas,270,3,3,3,1,acept,not furnished,2500,7220,560,92,10370 +São Paulo,40,1,1,1,16,not acept,not furnished,900,3000,183,39,4122 +São Paulo,25,1,1,0,-,not acept,not furnished,0,836,0,13,849 +São Paulo,112,3,2,1,8,acept,not furnished,810,3850,98,49,4807 +São Paulo,105,3,2,2,6,acept,not furnished,1002,2583,35,33,3653 +São Paulo,130,3,2,2,-,acept,not furnished,0,3300,108,50,3458 +Belo Horizonte,118,4,2,1,1,acept,not furnished,600,2300,111,31,3042 +Campinas,85,3,2,1,1,acept,not furnished,650,1300,75,17,2042 +São Paulo,380,4,4,3,-,acept,furnished,0,7500,0,113,7613 +Belo Horizonte,55,2,1,1,1,acept,not furnished,250,1200,83,16,1549 +São Paulo,109,3,2,1,2,acept,not furnished,1450,5300,0,68,6818 +Belo Horizonte,758,5,4,5,3,acept,not furnished,7630,15000,2752,200,25580 +Belo Horizonte,300,4,3,3,-,acept,not furnished,0,6290,519,104,6913 +Belo Horizonte,72,2,3,0,1,acept,furnished,826,2400,220,32,3478 +Belo Horizonte,148,4,3,2,12,acept,not furnished,1886,5500,399,74,7859 +Porto Alegre,75,2,1,0,9,acept,not furnished,450,1000,34,15,1499 +Rio de Janeiro,68,2,2,1,7,not acept,not furnished,655,1100,42,15,1812 +São Paulo,64,2,2,2,8,not acept,not furnished,800,2100,59,27,2986 +Belo Horizonte,206,4,3,2,4,acept,not furnished,1530,6500,565,87,8682 +São Paulo,320,3,4,3,8,acept,not furnished,3400,6800,1,87,10290 +Rio de Janeiro,116,3,3,2,2,not acept,not furnished,557,2500,230,33,3320 +Campinas,560,7,7,8,-,acept,not furnished,0,9000,911,136,10050 +São Paulo,320,4,3,4,5,acept,not furnished,3000,5200,292,66,8558 +Rio de Janeiro,55,1,1,1,1,acept,furnished,2750,2400,635,31,5816 +São Paulo,85,2,2,0,8,acept,furnished,850,4900,0,63,5813 +São Paulo,100,2,2,1,6,not acept,not furnished,1000,2690,8,35,3733 +São Paulo,400,5,5,5,-,acept,not furnished,0,6400,2500,97,8997 +Porto Alegre,220,3,2,2,-,acept,not furnished,0,2600,53,47,2700 +Rio de Janeiro,80,2,2,0,6,acept,furnished,810,2000,289,26,3125 +Campinas,66,1,1,2,2,acept,not furnished,577,1600,41,21,2239 +Porto Alegre,80,2,2,1,12,acept,not furnished,500,2000,0,30,2530 +São Paulo,260,5,4,4,12,acept,not furnished,3400,11000,1400,140,15940 +São Paulo,450,4,5,6,-,not acept,furnished,0,9000,1150,136,10290 +Porto Alegre,88,2,2,1,3,acept,not furnished,550,2100,800,31,3481 +Campinas,157,3,5,3,1,acept,not furnished,2300,7000,442,89,9831 +São Paulo,129,3,5,0,14,acept,not furnished,1200,6000,561,77,7838 +São Paulo,23,1,1,1,26,acept,not furnished,472,2300,59,30,2861 +São Paulo,692,5,6,5,-,acept,not furnished,4500,15000,1667,226,21390 +São Paulo,310,3,4,3,8,acept,not furnished,2400,4500,900,58,7858 +Porto Alegre,215,3,4,2,1,acept,not furnished,1900,3600,300,53,5853 +São Paulo,250,3,4,2,-,acept,not furnished,0,4200,192,64,4456 +São Paulo,140,3,2,2,13,not acept,not furnished,1475,2000,171,26,3672 +São Paulo,100,1,1,0,-,not acept,not furnished,0,950,0,15,965 +Campinas,47,2,1,1,2,acept,not furnished,253,1200,20,16,1489 +Campinas,48,2,1,1,-,acept,not furnished,250,1200,40,16,1506 +São Paulo,71,2,3,2,13,not acept,not furnished,500,3700,50,47,4297 +São Paulo,70,2,1,2,-,not acept,not furnished,0,1400,85,22,1507 +São Paulo,67,2,1,1,3,not acept,not furnished,722,2600,198,33,3553 +São Paulo,120,3,2,1,-,acept,not furnished,0,1850,84,28,1962 +São Paulo,465,5,5,2,-,acept,furnished,0,8960,1500,135,10600 +Rio de Janeiro,120,3,2,0,5,acept,furnished,981,5000,168,65,6214 +São Paulo,92,2,1,0,9,not acept,not furnished,935,1790,0,23,2748 +Porto Alegre,78,3,2,2,6,acept,furnished,720,3500,169,52,4441 +Campinas,60,2,1,1,3,acept,not furnished,200,1100,84,14,1398 +São Paulo,100,3,1,1,10,acept,not furnished,700,1400,0,18,2118 +São Paulo,87,2,3,2,16,not acept,not furnished,541,5700,216,73,6530 +São Paulo,160,2,2,4,-,acept,not furnished,0,2975,117,45,3137 +São Paulo,100,2,3,2,7,acept,furnished,1110,4000,375,51,5536 +São Paulo,52,2,1,1,3,acept,not furnished,403,1300,10,17,1730 +São Paulo,109,4,2,2,13,acept,not furnished,1156,6500,319,83,8058 +Rio de Janeiro,26,1,1,0,8,not acept,not furnished,305,1280,0,17,1602 +São Paulo,270,4,5,2,4,acept,not furnished,4300,5500,1115,70,10990 +Belo Horizonte,208,3,4,3,-,acept,not furnished,0,6000,338,99,6437 +Belo Horizonte,20,1,1,1,1,not acept,not furnished,0,1000,0,14,1014 +São Paulo,50,2,1,1,5,acept,furnished,505,1100,11,14,1630 +Rio de Janeiro,138,2,1,0,3,acept,not furnished,810,1000,175,13,1998 +Campinas,58,2,2,2,8,not acept,furnished,347,3500,0,45,3892 +São Paulo,198,3,4,3,13,acept,furnished,2699,8000,917,102,11720 +São Paulo,115,4,4,3,2,acept,not furnished,2600,4000,417,51,7068 +Rio de Janeiro,128,3,3,2,3,acept,not furnished,2300,13000,726,168,16190 +São Paulo,66,1,1,0,6,acept,not furnished,532,3000,75,39,3646 +São Paulo,234,3,5,3,17,not acept,furnished,2750,14000,1334,178,18260 +São Paulo,380,4,4,6,-,acept,not furnished,0,6000,417,91,6508 +São Paulo,113,2,1,1,5,acept,not furnished,1000,3000,50,39,4089 +São Paulo,160,3,3,2,-,acept,not furnished,0,2500,192,38,2730 +Rio de Janeiro,80,2,1,0,3,not acept,not furnished,450,1100,0,15,1565 +São Paulo,33,2,1,0,-,not acept,not furnished,0,980,0,15,995 +Porto Alegre,50,2,1,1,1,not acept,not furnished,100,1500,0,22,1622 +Rio de Janeiro,65,1,1,0,4,acept,not furnished,350,2200,30,29,2609 +São Paulo,40,1,1,0,-,acept,not furnished,0,850,34,13,897 +São Paulo,261,3,4,4,7,acept,not furnished,2700,15000,834,191,18730 +Belo Horizonte,50,2,1,1,4,acept,not furnished,158,1140,0,16,1314 +Porto Alegre,281,4,4,2,5,acept,not furnished,1300,3500,410,52,5262 +São Paulo,119,2,1,1,-,not acept,not furnished,0,1700,84,26,1810 +Belo Horizonte,52,2,1,1,6,acept,not furnished,370,1000,111,14,1495 +Porto Alegre,40,1,1,0,2,not acept,not furnished,282,850,43,13,1188 +Porto Alegre,47,1,1,0,3,acept,not furnished,300,800,21,12,1133 +Porto Alegre,35,1,1,0,5,acept,not furnished,330,1000,20,15,1365 +São Paulo,40,1,1,0,-,not acept,not furnished,0,700,59,11,770 +Belo Horizonte,55,2,1,1,3,acept,not furnished,170,750,0,10,930 +Rio de Janeiro,72,2,1,1,10,acept,not furnished,870,1200,150,16,2236 +Porto Alegre,30,1,1,0,4,acept,not furnished,360,600,17,9,986 +Rio de Janeiro,57,1,1,1,2,acept,not furnished,2900,11500,959,149,15510 +São Paulo,70,1,1,1,-,not acept,not furnished,0,1100,0,17,1117 +São Paulo,63,2,2,1,20,acept,not furnished,784,4500,136,58,5478 +São Paulo,220,3,4,3,11,acept,furnished,3300,8000,1000,102,12400 +São Paulo,126,4,3,4,-,acept,not furnished,0,3300,167,50,3517 +Porto Alegre,147,2,3,2,2,acept,furnished,400,7900,75,116,8491 +São Paulo,70,3,2,1,10,not acept,furnished,500,1940,77,25,2542 +São Paulo,99,2,1,1,14,acept,not furnished,800,1800,0,23,2623 +Rio de Janeiro,90,3,1,0,2,acept,not furnished,250,1500,140,20,1910 +Rio de Janeiro,100,2,1,0,1,not acept,not furnished,360,1700,2,22,2084 +Rio de Janeiro,48,1,1,0,6,acept,furnished,410,1300,25,17,1752 +Belo Horizonte,247,4,5,4,15,acept,furnished,2795,12500,1458,167,16920 +São Paulo,443,5,5,4,3,acept,furnished,4172,7000,1417,89,12680 +Rio de Janeiro,200,2,3,2,1,acept,not furnished,2500,5200,250,68,8018 +Belo Horizonte,360,4,3,4,-,not acept,not furnished,0,6500,181,107,6788 +São Paulo,20,1,1,0,-,acept,furnished,602,1800,130,23,2555 +Rio de Janeiro,90,3,2,0,3,acept,not furnished,1200,2570,242,34,4046 +São Paulo,297,4,4,6,-,acept,not furnished,0,3000,392,46,3438 +Porto Alegre,180,3,3,2,3,acept,not furnished,700,2700,175,40,3615 +São Paulo,54,1,2,1,13,acept,furnished,1150,6000,0,77,7227 +Porto Alegre,90,2,2,1,3,not acept,not furnished,400,2500,80,37,3017 +Campinas,105,3,3,2,12,acept,not furnished,1150,2300,208,30,3688 +Porto Alegre,67,2,1,1,8,not acept,furnished,600,2500,96,37,3233 +Campinas,45,1,1,0,1,acept,not furnished,0,770,34,10,814 +Belo Horizonte,33,1,1,1,3,acept,not furnished,170,1600,9,22,1801 +São Paulo,45,1,1,0,2,not acept,not furnished,160,620,15,8,803 +Porto Alegre,127,3,3,0,5,acept,not furnished,1295,1125,209,17,2646 +São Paulo,120,3,3,2,1,acept,furnished,1100,8950,0,114,10160 +São Paulo,75,2,1,1,13,acept,not furnished,600,1880,16,24,2520 +São Paulo,220,3,2,3,-,acept,furnished,0,7800,215,118,8133 +São Paulo,50,1,1,1,17,not acept,furnished,750,5000,0,64,5814 +Porto Alegre,115,3,2,1,3,acept,not furnished,900,2500,250,37,3687 +Campinas,75,2,2,1,3,acept,not furnished,706,2400,75,31,3212 +Rio de Janeiro,65,2,2,0,-,not acept,not furnished,0,1305,0,20,1325 +Rio de Janeiro,39,1,1,0,2,not acept,furnished,800,2300,98,30,3228 +São Paulo,200,2,3,2,-,acept,not furnished,0,4000,196,61,4257 +São Paulo,72,2,1,0,14,acept,not furnished,600,2560,0,33,3193 +Rio de Janeiro,108,2,2,1,7,not acept,furnished,1300,4500,350,58,6208 +São Paulo,32,1,1,1,1,acept,furnished,700,4500,128,58,5386 +São Paulo,106,3,2,1,8,not acept,not furnished,980,3200,260,41,4481 +Belo Horizonte,70,3,1,1,4,acept,not furnished,240,1100,100,15,1455 +Rio de Janeiro,120,3,2,1,2,acept,furnished,2000,4500,325,58,6883 +Campinas,55,1,1,0,4,acept,not furnished,490,500,37,7,1034 +São Paulo,100,3,1,0,5,acept,not furnished,900,1617,0,7,2524 +São Paulo,162,2,2,1,12,acept,furnished,1420,5000,0,64,6484 +São Paulo,75,2,1,1,2,acept,not furnished,710,1700,18,22,2450 +Campinas,44,1,1,0,7,acept,not furnished,260,670,12,9,951 +São Paulo,130,2,2,2,11,not acept,not furnished,2200,7500,780,96,10580 +Campinas,147,4,3,1,-,acept,not furnished,0,3500,62,53,3615 +Porto Alegre,70,2,1,0,-,acept,not furnished,360,1150,15,17,1542 +Porto Alegre,64,2,2,2,5,acept,not furnished,410,2300,50,34,2794 +Rio de Janeiro,180,4,3,1,5,not acept,not furnished,1683,4000,482,52,6217 +Porto Alegre,42,2,1,0,1,acept,not furnished,360,1200,100,18,1678 +São Paulo,117,3,3,1,13,acept,not furnished,1500,4620,300,59,6479 +Rio de Janeiro,180,3,4,2,7,acept,furnished,1210,15000,369,194,16770 +São Paulo,65,3,2,1,10,not acept,not furnished,587,3250,113,42,3992 +São Paulo,29,1,1,0,1,not acept,furnished,250,1720,99,22,2091 +São Paulo,600,4,6,3,-,acept,furnished,200,12000,817,181,13200 +São Paulo,145,3,3,1,10,acept,furnished,1380,11000,375,140,12900 +São Paulo,310,4,4,4,21,acept,not furnished,4700,14000,1751,178,20630 +Belo Horizonte,260,4,4,3,8,not acept,not furnished,1665,5250,440,70,7425 +São Paulo,320,3,3,2,10,acept,not furnished,2200,8330,584,106,11220 +Belo Horizonte,70,3,1,1,3,acept,not furnished,180,980,0,14,1174 +Rio de Janeiro,35,1,1,0,3,acept,not furnished,320,800,0,11,1131 +Porto Alegre,320,3,4,4,-,acept,not furnished,0,4950,234,88,5272 +Porto Alegre,82,2,2,2,6,acept,not furnished,280,2800,92,41,3213 +São Paulo,62,2,2,1,2,acept,furnished,800,2580,84,33,3497 +Porto Alegre,60,3,1,0,3,acept,not furnished,265,1550,31,23,1869 +Porto Alegre,78,3,2,0,8,acept,not furnished,350,1700,61,25,2136 +São Paulo,385,4,5,6,3,acept,not furnished,4200,7000,2410,89,13700 +Porto Alegre,214,3,3,2,4,acept,not furnished,2500,3500,500,52,6552 +São Paulo,233,4,5,4,7,acept,furnished,3240,11000,92,140,14470 +Rio de Janeiro,60,2,1,1,8,acept,not furnished,700,1500,50,20,2270 +Belo Horizonte,22,1,1,0,3,not acept,furnished,420,1300,75,18,1813 +Rio de Janeiro,100,2,3,0,1,acept,not furnished,0,1700,130,22,1852 +São Paulo,90,2,1,1,2,acept,not furnished,1000,3000,50,39,4089 +Rio de Janeiro,60,2,2,0,4,not acept,not furnished,560,2500,83,33,3176 +São Paulo,22,1,1,0,25,acept,not furnished,385,2100,40,27,2552 +Porto Alegre,80,2,1,0,-,acept,furnished,0,1610,0,24,1634 +São Paulo,110,3,4,3,8,acept,not furnished,1364,2200,403,28,3995 +Rio de Janeiro,120,2,2,1,14,acept,not furnished,858,800,18,11,1687 +Belo Horizonte,193,3,3,1,-,acept,not furnished,0,13500,236,222,13960 +São Paulo,55,2,1,1,4,acept,not furnished,400,1460,0,19,1879 +Rio de Janeiro,165,3,3,1,5,acept,furnished,2000,7000,420,91,9511 +Porto Alegre,46,1,1,2,7,acept,not furnished,690,2400,98,36,3224 +Rio de Janeiro,55,2,1,0,1,acept,not furnished,450,2200,0,29,2679 +São Paulo,150,2,2,1,-,acept,not furnished,0,2954,1,45,3000 +São Paulo,57,1,1,0,8,acept,furnished,300,6000,17,77,6394 +Rio de Janeiro,160,3,2,1,3,acept,furnished,2000,6700,367,87,9154 +São Paulo,200,4,4,2,9,acept,furnished,3700,7000,850,89,11640 +Campinas,60,1,2,1,10,acept,not furnished,630,1338,72,17,2057 +São Paulo,180,3,2,1,11,acept,furnished,2900,4500,500,58,7958 +São Paulo,62,1,1,0,3,acept,not furnished,550,2100,0,27,2677 +Rio de Janeiro,90,3,2,1,12,acept,furnished,1000,3400,275,44,4719 +Rio de Janeiro,35,1,1,0,3,not acept,furnished,585,2300,92,30,3007 +São Paulo,95,2,1,1,8,acept,not furnished,1226,3200,92,41,4559 +São Paulo,320,5,5,4,4,acept,not furnished,5800,5500,1500,70,12870 +Rio de Janeiro,127,3,2,2,4,acept,not furnished,836,1700,124,22,2682 +São Paulo,210,3,2,2,11,acept,furnished,2600,5000,417,64,8081 +São Paulo,160,4,3,2,20,acept,furnished,1260,5600,334,71,7265 +São Paulo,273,3,2,5,-,not acept,not furnished,0,3355,215,51,3621 +São Paulo,211,4,5,4,2,acept,not furnished,1543,3800,714,49,6106 +São Paulo,145,2,3,2,16,acept,furnished,2000,10000,584,127,12710 +Porto Alegre,92,2,2,1,6,acept,not furnished,450,1900,67,28,2445 +Campinas,70,2,3,1,7,acept,not furnished,1196,2004,0,26,3226 +Campinas,254,3,4,2,-,acept,not furnished,0,3000,251,46,3297 +São Paulo,350,4,4,2,4,not acept,not furnished,3000,6000,1316,77,10390 +São Paulo,55,1,1,0,13,acept,not furnished,400,1177,0,15,1592 +São Paulo,80,3,2,2,5,acept,not furnished,1045,2400,227,31,3703 +São Paulo,280,3,3,4,21,acept,not furnished,2498,4500,1116,58,8172 +São Paulo,100,3,1,0,3,acept,not furnished,0,1970,0,25,1995 +Rio de Janeiro,98,3,2,1,2,acept,not furnished,1379,6000,239,78,7696 +São Paulo,85,2,3,1,14,acept,not furnished,709,3300,94,42,4145 +São Paulo,78,2,2,2,1,not acept,furnished,450,3500,155,45,4150 +São Paulo,58,2,1,1,6,acept,not furnished,770,1800,75,23,2668 +Rio de Janeiro,50,1,1,1,3,acept,not furnished,2208,2300,420,30,4958 +São Paulo,30,1,1,0,14,acept,not furnished,400,1600,0,21,2021 +São Paulo,75,2,1,1,4,acept,furnished,2065,6000,600,77,8742 +Campinas,350,4,6,6,-,acept,not furnished,1200,7330,55,111,8696 +São Paulo,136,3,4,3,2,acept,not furnished,1490,2800,500,36,4826 +São Paulo,290,3,3,3,-,acept,not furnished,0,8000,542,121,8663 +São Paulo,99,2,2,2,4,acept,not furnished,590,4000,122,51,4763 +Porto Alegre,750,5,3,6,-,not acept,furnished,0,7980,46,142,8168 +São Paulo,110,2,2,1,-,acept,not furnished,0,3500,125,53,3678 +Porto Alegre,340,2,3,2,5,acept,not furnished,1500,4000,317,59,5876 +São Paulo,178,2,1,1,9,not acept,not furnished,2900,3440,0,44,6384 +Belo Horizonte,28,1,1,1,-,not acept,furnished,550,1250,0,17,1817 +Belo Horizonte,38,1,1,0,2,not acept,not furnished,0,1300,0,18,1318 +Porto Alegre,254,3,4,2,-,acept,not furnished,0,6150,200,110,6460 +Porto Alegre,51,2,1,1,6,acept,not furnished,200,1050,75,16,1341 +São Paulo,134,3,3,2,18,acept,furnished,900,3500,390,45,4835 +São Paulo,38,1,1,1,16,acept,not furnished,450,2170,59,28,2707 +São Paulo,400,4,5,3,-,not acept,not furnished,0,15000,0,191,15190 +Rio de Janeiro,136,3,2,2,7,acept,furnished,2470,8000,558,104,11130 +São Paulo,250,4,5,2,17,acept,furnished,2000,12000,9,153,14160 +Campinas,94,2,2,2,3,acept,not furnished,890,4000,165,51,5106 +Rio de Janeiro,62,2,2,1,5,acept,furnished,585,1750,38,23,2396 +São Paulo,80,2,2,1,-,acept,furnished,0,2540,65,39,2644 +Campinas,89,3,1,1,5,not acept,not furnished,820,2050,150,26,3046 +Campinas,51,2,1,0,2,acept,not furnished,271,980,21,13,1285 +São Paulo,40,1,1,1,19,not acept,furnished,420,3899,208,50,4577 +Porto Alegre,47,1,1,1,3,not acept,furnished,400,2200,0,33,2633 +São Paulo,210,3,5,3,2,acept,furnished,1900,3800,0,49,5749 +São Paulo,230,4,4,4,1,acept,furnished,2300,13500,1084,172,17060 +São Paulo,70,2,2,1,5,acept,not furnished,495,2450,59,32,3036 +Porto Alegre,117,3,1,1,3,acept,not furnished,258,1550,100,23,1931 +Belo Horizonte,54,2,2,0,18,acept,not furnished,400,1100,0,15,1515 +São Paulo,105,2,1,0,-,acept,not furnished,0,1800,125,28,1953 +Rio de Janeiro,47,2,2,0,5,acept,furnished,990,4210,158,55,5413 +São Paulo,120,3,1,0,2,acept,not furnished,200,2100,167,27,2494 +Rio de Janeiro,284,4,6,2,5,acept,furnished,3300,11420,567,148,15440 +São Paulo,58,2,1,1,4,not acept,furnished,636,2493,80,9,3218 +Porto Alegre,95,2,1,1,3,acept,not furnished,300,2800,69,41,3210 +Rio de Janeiro,65,2,1,0,-,acept,not furnished,0,1000,47,16,1063 +Porto Alegre,188,3,4,2,-,acept,furnished,650,3800,0,68,4518 +Belo Horizonte,21,1,1,0,20,not acept,not furnished,160,850,60,12,1082 +São Paulo,65,2,2,1,13,not acept,furnished,700,3200,0,41,3941 +Rio de Janeiro,50,2,1,0,9,acept,furnished,620,1660,42,22,2344 +São Paulo,150,4,3,3,-,acept,not furnished,0,7500,109,113,7722 +Porto Alegre,90,3,3,1,1,acept,not furnished,320,2500,91,37,2948 +Belo Horizonte,400,3,3,6,-,acept,not furnished,1200,7200,218,119,8737 +Campinas,64,2,2,2,9,acept,not furnished,460,1964,134,8,2566 +São Paulo,80,2,1,1,2,not acept,not furnished,315,2156,0,28,2499 +São Paulo,300,3,5,4,12,not acept,not furnished,6593,6000,1974,77,14640 +São Paulo,240,3,3,2,-,acept,furnished,0,3840,152,58,4050 +São Paulo,50,2,1,1,7,not acept,furnished,465,1357,0,6,1828 +São Paulo,820,4,4,6,-,acept,not furnished,2500,13000,2500,196,18200 +Porto Alegre,58,1,1,1,4,acept,furnished,350,2300,139,34,2823 +São Paulo,230,3,2,2,7,acept,not furnished,1773,1965,441,25,4204 +Porto Alegre,43,1,1,1,21,acept,furnished,888,2450,107,36,3481 +São Paulo,280,6,6,3,-,acept,not furnished,0,5000,1118,76,6194 +São Paulo,54,2,1,1,1,acept,furnished,650,1350,0,18,2018 +Belo Horizonte,200,6,2,1,-,acept,not furnished,0,3400,134,56,3590 +São Paulo,360,3,5,6,17,acept,not furnished,7552,3000,4830,39,15420 +São Paulo,650,5,8,7,-,acept,furnished,0,15000,2667,226,17890 +Porto Alegre,38,1,1,0,1,acept,not furnished,300,850,34,13,1197 +Belo Horizonte,373,4,5,5,7,acept,not furnished,2601,15000,188,200,17990 +Porto Alegre,47,1,1,1,1,not acept,furnished,400,2200,0,33,2633 +São Paulo,133,3,2,2,-,acept,not furnished,0,4300,255,65,4620 +Belo Horizonte,150,4,2,2,1,acept,not furnished,1357,3700,211,50,5318 +Campinas,80,3,2,1,3,acept,not furnished,430,1200,74,16,1720 +São Paulo,129,4,2,3,2,acept,furnished,1100,5500,520,70,7190 +São Paulo,275,3,5,6,-,acept,furnished,0,13000,500,196,13700 +Rio de Janeiro,44,1,1,0,4,acept,not furnished,632,1700,86,22,2440 +Belo Horizonte,60,1,2,1,5,acept,not furnished,750,1900,163,26,2839 +Belo Horizonte,170,3,4,4,13,acept,not furnished,1978,8000,759,107,10840 +São Paulo,40,1,1,2,5,acept,not furnished,915,1559,169,20,2663 +Belo Horizonte,200,4,4,4,4,acept,not furnished,2500,4100,963,55,7618 +São Paulo,170,4,4,3,11,acept,not furnished,2500,2499,870,32,5901 +São Paulo,200,5,3,2,1,acept,not furnished,1480,9000,259,115,10850 +São Paulo,31,1,1,0,3,not acept,furnished,371,1900,0,25,2296 +Porto Alegre,135,3,2,1,8,acept,not furnished,1300,2165,209,32,3706 +São Paulo,400,3,3,1,3,acept,not furnished,3000,11000,142,140,14280 +Porto Alegre,70,2,1,0,-,acept,not furnished,320,1200,65,18,1603 +São Paulo,64,1,1,0,9,acept,not furnished,500,1750,0,23,2273 +Rio de Janeiro,73,2,1,1,4,acept,not furnished,625,1200,119,16,1960 +São Paulo,240,3,4,3,9,acept,not furnished,3211,5100,1102,65,9478 +São Paulo,115,2,1,1,-,acept,not furnished,0,1750,134,27,1911 +São Paulo,400,3,4,3,-,acept,not furnished,0,10000,1189,151,11340 +São Paulo,147,4,2,0,8,acept,not furnished,1150,2800,258,36,4244 +Belo Horizonte,58,2,1,1,1,acept,not furnished,500,750,80,10,1340 +Campinas,92,3,2,2,8,acept,not furnished,700,2000,145,26,2871 +São Paulo,330,3,6,4,-,acept,not furnished,0,8500,856,128,9484 +Porto Alegre,60,2,1,0,2,acept,not furnished,389,850,320,13,1572 +São Paulo,240,4,5,4,5,acept,not furnished,3000,6000,834,77,9911 +Porto Alegre,38,1,1,0,2,acept,not furnished,335,800,43,12,1190 +São Paulo,141,3,2,2,11,acept,not furnished,2200,6900,450,88,9638 +Porto Alegre,43,1,1,1,17,not acept,furnished,1050,2790,120,41,4001 +Porto Alegre,62,2,1,0,4,acept,not furnished,282,940,38,14,1274 +Campinas,50,2,1,1,4,not acept,not furnished,250,1500,35,20,1805 +Porto Alegre,75,2,1,1,7,acept,not furnished,350,1200,34,18,1602 +São Paulo,180,3,2,1,-,acept,not furnished,0,5400,459,82,5941 +Campinas,33,1,1,0,11,not acept,not furnished,290,600,10,8,908 +São Paulo,580,6,6,8,-,acept,not furnished,0,10000,2800,151,12950 +São Paulo,136,3,3,2,1,not acept,not furnished,1680,3200,525,41,5446 +São Paulo,238,4,4,3,1,not acept,not furnished,2765,5000,1220,64,9049 +São Paulo,109,3,2,2,20,acept,furnished,1200,4500,417,58,6175 +São Paulo,90,2,1,0,-,acept,not furnished,0,2400,170,37,2607 +Porto Alegre,171,2,2,1,2,acept,not furnished,1000,2200,200,33,3433 +São Paulo,40,1,1,0,16,acept,not furnished,580,1105,0,14,1699 +Campinas,119,3,2,2,7,acept,not furnished,1650,1200,212,16,3078 +Belo Horizonte,330,5,7,5,10,acept,not furnished,1030,4800,973,64,6867 +São Paulo,60,1,1,1,2,acept,furnished,1072,4600,115,59,5846 +São Paulo,118,3,2,1,4,acept,furnished,1800,6000,22,77,7899 +São Paulo,134,2,2,1,7,not acept,furnished,1493,3400,239,44,5176 +São Paulo,280,3,4,1,-,acept,not furnished,1,3700,100,56,3857 +São Paulo,120,3,2,1,-,acept,not furnished,0,1800,109,28,1937 +São Paulo,288,4,6,4,1,acept,not furnished,3634,4200,1155,54,9043 +São Paulo,180,3,3,2,11,acept,not furnished,1300,4000,409,51,5760 +São Paulo,43,1,1,1,6,acept,not furnished,500,3000,11,39,3550 +São Paulo,57,1,1,0,7,acept,furnished,300,6000,17,77,6394 +São Paulo,200,3,3,0,-,acept,not furnished,0,4500,71,68,4639 +São Paulo,96,3,3,0,6,acept,not furnished,470,3572,30,46,4118 +São Paulo,320,4,5,4,-,acept,not furnished,300,6500,417,98,7315 +Belo Horizonte,110,3,2,2,1,acept,not furnished,380,2150,192,29,2751 +São Paulo,35,1,1,1,11,not acept,furnished,444,3290,124,42,3900 +São Paulo,270,4,5,6,-,acept,not furnished,0,11000,400,166,11570 +São Paulo,85,2,1,1,1,not acept,not furnished,539,1200,74,16,1829 +São Paulo,60,2,2,1,14,acept,furnished,600,3000,209,39,3848 +São Paulo,550,4,5,5,-,acept,not furnished,0,5000,875,76,5951 +São Paulo,45,1,1,0,11,not acept,not furnished,413,3800,81,49,4343 +São Paulo,130,3,2,2,-,acept,not furnished,0,5100,183,77,5360 +Rio de Janeiro,50,1,1,0,1,acept,not furnished,250,800,0,11,1061 +São Paulo,55,2,1,1,3,acept,not furnished,800,1800,42,23,2665 +Porto Alegre,47,1,1,1,1,not acept,furnished,400,2200,0,33,2633 +Belo Horizonte,192,4,3,3,2,acept,furnished,412,2400,196,32,3040 +São Paulo,70,2,2,2,3,acept,not furnished,700,1800,59,23,2582 +Porto Alegre,78,2,1,0,1,acept,not furnished,280,1480,32,22,1814 +Porto Alegre,45,1,1,1,1,acept,not furnished,320,900,84,14,1318 +Belo Horizonte,250,2,2,1,-,acept,not furnished,15,900,67,15,997 +Rio de Janeiro,90,3,1,0,18,acept,furnished,500,2240,42,29,2811 +Rio de Janeiro,186,3,4,2,5,acept,not furnished,3000,13000,475,168,16640 +São Paulo,33,1,1,0,14,acept,not furnished,500,3999,0,51,4550 +Porto Alegre,250,5,4,5,-,acept,not furnished,0,4300,84,77,4461 +Rio de Janeiro,30,1,1,0,4,not acept,not furnished,307,1750,79,23,2159 +Rio de Janeiro,106,3,1,0,2,acept,not furnished,380,2000,80,26,2486 +São Paulo,72,2,2,1,1,acept,furnished,466,3000,93,39,3598 +São Paulo,90,2,1,1,1,acept,not furnished,1000,3000,50,39,4089 +São Paulo,102,3,2,1,10,acept,not furnished,950,3315,75,42,4382 +São Paulo,126,3,3,2,7,not acept,not furnished,2500,2500,317,32,5349 +São Paulo,220,3,2,1,-,acept,not furnished,0,5000,500,76,5576 +Porto Alegre,42,1,1,1,13,acept,not furnished,500,2300,50,34,2884 +São Paulo,69,2,1,1,6,acept,not furnished,600,1600,0,21,2221 +São Paulo,50,2,1,1,24,acept,not furnished,380,1490,0,19,1889 +São Paulo,120,4,3,2,8,acept,not furnished,2010,2210,334,28,4582 +São Paulo,160,3,3,3,10,acept,furnished,1850,3500,63,45,5458 +São Paulo,31,1,1,0,1,acept,furnished,550,2900,0,37,3487 +São Paulo,70,3,1,1,8,acept,not furnished,523,1100,0,14,1637 +São Paulo,37,1,1,1,8,acept,furnished,490,4000,90,51,4631 +São Paulo,63,1,1,1,9,not acept,furnished,1283,7400,286,94,9063 +Rio de Janeiro,57,2,1,0,7,acept,not furnished,430,1500,54,20,2004 +São Paulo,400,3,2,3,-,acept,not furnished,0,5500,1084,83,6667 +São Paulo,370,4,5,6,17,acept,not furnished,4300,14000,1900,178,20380 +Rio de Janeiro,255,4,3,0,6,acept,not furnished,2650,4500,692,58,7900 +São Paulo,110,2,2,1,1,acept,not furnished,1216,2700,1144,35,5095 +Rio de Janeiro,82,2,2,1,4,acept,not furnished,1900,2400,334,31,4665 +Rio de Janeiro,25,1,1,1,4,acept,not furnished,1850,2805,417,37,5109 +São Paulo,65,2,2,1,4,acept,furnished,730,1750,83,23,2586 +Belo Horizonte,45,1,1,0,10,acept,not furnished,300,800,108,11,1219 +Rio de Janeiro,95,2,2,2,11,acept,not furnished,1450,6300,267,82,8099 +Rio de Janeiro,55,1,2,1,2,acept,not furnished,650,1200,55,16,1921 +Belo Horizonte,96,3,2,2,1,acept,not furnished,600,2300,294,31,3225 +São Paulo,72,2,1,2,5,acept,furnished,600,3200,35,41,3876 +Belo Horizonte,44,2,1,0,4,not acept,not furnished,145,895,0,12,1052 +Belo Horizonte,2000,3,3,2,2,acept,furnished,3000,5000,200,67,8267 +São Paulo,49,2,1,1,16,acept,not furnished,350,1500,0,20,1870 +São Paulo,119,3,2,1,7,acept,not furnished,1011,3500,247,45,4803 +São Paulo,52,1,1,1,7,acept,not furnished,470,2000,89,26,2585 +São Paulo,80,2,1,1,19,acept,not furnished,740,1300,0,17,2057 +São Paulo,200,3,3,3,13,acept,furnished,2338,5000,835,64,8237 +São Paulo,181,3,4,3,8,not acept,furnished,2500,8000,903,102,11510 +Belo Horizonte,220,4,3,2,4,acept,not furnished,1263,2700,269,36,4268 +Porto Alegre,125,3,3,1,2,acept,not furnished,1070,2400,184,36,3690 +Campinas,55,1,1,0,1,acept,not furnished,550,915,57,12,1534 +Porto Alegre,28,1,1,0,1,acept,not furnished,99,1200,10,18,1327 +Porto Alegre,48,2,1,1,10,acept,furnished,380,1100,27,17,1524 +São Paulo,222,4,3,4,15,acept,not furnished,2600,6500,1000,83,10180 +São Paulo,138,3,3,2,-,acept,not furnished,0,2700,141,41,2882 +São Paulo,72,2,1,1,21,acept,not furnished,519,1701,155,22,2397 +São Paulo,171,4,4,4,1,acept,not furnished,2310,10000,85,127,12520 +Rio de Janeiro,55,1,2,1,15,acept,furnished,695,2750,50,36,3531 +Rio de Janeiro,120,2,3,1,9,acept,not furnished,1264,2600,225,34,4123 +São Paulo,102,3,3,2,15,acept,not furnished,1100,3990,150,51,5291 +São Paulo,118,3,3,2,6,acept,not furnished,1200,3500,534,45,5279 +São Paulo,55,2,1,0,2,not acept,not furnished,200,1260,0,16,1476 +Porto Alegre,197,4,3,2,4,acept,not furnished,2000,3200,325,47,5572 +São Paulo,49,1,1,0,-,not acept,not furnished,0,1350,0,21,1371 +Rio de Janeiro,45,1,1,0,1,not acept,furnished,750,3300,249,43,4342 +Campinas,104,2,2,2,7,acept,furnished,1100,4200,210,54,5564 +Campinas,73,3,2,2,17,acept,not furnished,570,2400,125,31,3126 +Porto Alegre,55,1,1,0,2,acept,furnished,320,1150,30,17,1517 +São Paulo,202,4,4,3,13,acept,not furnished,2200,6000,1000,77,9277 +São Paulo,54,2,1,1,3,acept,not furnished,660,1650,50,21,2381 +São Paulo,75,2,1,0,1,not acept,not furnished,0,1200,67,16,1283 +Rio de Janeiro,89,3,2,0,4,acept,not furnished,1100,2750,138,36,4024 +São Paulo,46,1,1,0,1,acept,furnished,350,1800,0,23,2173 +São Paulo,386,4,6,4,-,acept,not furnished,6700,4250,667,64,11680 +Porto Alegre,240,3,3,1,-,acept,not furnished,0,4000,392,72,4464 +São Paulo,61,3,2,1,4,acept,not furnished,550,3000,117,39,3706 +São Paulo,80,2,2,1,3,acept,not furnished,700,2200,0,28,2928 +Belo Horizonte,45,2,1,1,4,acept,furnished,180,1300,39,18,1537 +São Paulo,18,1,1,0,-,acept,not furnished,0,1720,0,22,1742 +São Paulo,30,1,1,1,14,acept,furnished,350,2580,83,33,3046 +São Paulo,300,4,4,6,1,acept,not furnished,550,3800,33,49,4432 +São Paulo,69,1,1,1,8,acept,not furnished,857,1200,100,16,2173 +Campinas,157,3,2,2,15,acept,not furnished,1290,2200,208,28,3726 +Rio de Janeiro,30,1,1,0,3,acept,not furnished,314,700,0,10,1024 +Belo Horizonte,32,1,1,0,9,not acept,not furnished,300,1000,100,14,1414 +Belo Horizonte,83,3,2,2,6,acept,not furnished,468,1600,130,22,2220 +São Paulo,55,2,2,2,3,acept,not furnished,780,2001,142,26,2949 +São Paulo,70,1,1,1,3,acept,not furnished,1000,2500,150,32,3682 +São Paulo,20,1,1,0,1,not acept,furnished,150,3142,67,40,3399 +Belo Horizonte,298,4,2,3,-,acept,not furnished,0,3044,186,50,3280 +Belo Horizonte,90,3,2,1,1,acept,not furnished,280,1300,100,18,1698 +São Paulo,147,2,2,1,8,acept,not furnished,1400,4000,314,51,5765 +São Paulo,48,1,1,1,-,acept,not furnished,0,2000,0,26,2026 +São Paulo,32,1,1,1,9,not acept,furnished,1500,3400,150,44,5094 +São Paulo,195,4,2,3,15,acept,not furnished,1475,2500,307,32,4314 +Campinas,350,4,3,4,-,not acept,not furnished,500,6000,500,91,7091 +São Paulo,74,2,1,0,2,not acept,not furnished,1,2500,1,32,2534 +São Paulo,130,3,2,2,1,not acept,not furnished,1324,3250,571,42,5187 +Campinas,60,2,3,0,1,not acept,furnished,938,1940,0,25,2903 +Belo Horizonte,55,2,1,1,9,not acept,not furnished,655,1300,119,18,2092 +São Paulo,89,3,2,2,4,acept,not furnished,1050,1540,115,20,2725 +Porto Alegre,70,2,2,2,11,acept,not furnished,700,3300,115,49,4164 +Belo Horizonte,141,4,2,1,2,acept,not furnished,0,3000,117,50,3167 +Belo Horizonte,260,4,2,2,-,acept,not furnished,0,2500,251,41,2792 +São Paulo,168,4,2,2,-,acept,not furnished,0,3100,130,47,3277 +Belo Horizonte,24,1,1,1,-,not acept,not furnished,0,550,0,10,560 +São Paulo,240,4,4,5,14,acept,not furnished,2400,4500,750,58,7708 +São Paulo,178,3,4,4,18,acept,not furnished,2650,10000,125,127,12900 +São Paulo,58,2,1,1,1,acept,furnished,500,2380,120,31,3031 +São Paulo,800,4,7,8,-,not acept,not furnished,10000,8500,209,128,18840 +São Paulo,180,3,2,2,11,acept,not furnished,2750,7000,730,89,10570 +São Paulo,101,3,4,2,4,not acept,furnished,1037,6140,359,78,7614 +São Paulo,50,1,1,0,1,not acept,not furnished,150,830,0,11,991 +Belo Horizonte,55,2,1,1,4,acept,not furnished,190,600,67,8,865 +São Paulo,120,2,3,2,-,acept,not furnished,0,5400,0,82,5482 +Campinas,42,2,1,1,3,not acept,not furnished,400,600,15,8,1023 +Belo Horizonte,40,1,1,1,1,not acept,not furnished,0,860,0,12,872 +São Paulo,78,2,2,2,8,acept,furnished,1400,5800,334,74,7608 +Porto Alegre,144,3,2,1,4,acept,furnished,1450,2740,269,41,4500 +Rio de Janeiro,70,3,1,1,7,acept,not furnished,680,1200,71,16,1967 +Campinas,440,4,4,4,-,not acept,not furnished,0,4000,417,61,4478 +Porto Alegre,44,1,1,1,7,acept,not furnished,600,1250,65,19,1934 +São Paulo,596,4,5,2,-,acept,furnished,0,15000,2620,226,17850 +Porto Alegre,230,3,4,3,-,acept,furnished,2300,10000,417,178,12900 +Belo Horizonte,100,2,1,0,13,acept,not furnished,750,1200,1680,16,3646 +São Paulo,300,3,3,8,-,acept,not furnished,0,5500,286,83,5869 +São Paulo,47,2,1,0,7,acept,furnished,390,1900,0,8,2298 +Campinas,105,3,2,2,6,acept,not furnished,1200,1620,165,21,3006 +São Paulo,65,2,2,1,14,not acept,not furnished,610,1300,3,17,1930 +São Paulo,65,3,2,1,2,acept,not furnished,512,1860,135,24,2531 +São Paulo,60,2,2,2,6,acept,not furnished,1050,2100,344,27,3521 +Campinas,314,3,4,3,-,acept,not furnished,0,4000,349,61,4410 +São Paulo,70,2,1,0,1,acept,not furnished,0,1800,92,23,1915 +Rio de Janeiro,80,3,2,1,5,acept,not furnished,1150,1450,0,19,2619 +São Paulo,350,3,5,5,-,acept,not furnished,0,5500,675,83,6258 +Porto Alegre,52,1,1,0,10,acept,not furnished,130,900,0,14,1044 +São Paulo,380,4,5,6,8,acept,furnished,3150,4900,1737,63,9850 +Rio de Janeiro,70,1,1,0,1,acept,not furnished,634,2400,263,31,3328 +São Paulo,45,2,1,1,4,acept,furnished,430,2364,77,30,2901 +São Paulo,44,1,1,1,9,acept,furnished,1785,2930,205,38,4958 +São Paulo,142,4,4,3,15,not acept,not furnished,1661,2870,559,37,5127 +Belo Horizonte,96,3,1,1,11,acept,furnished,575,2200,154,30,2959 +São Paulo,88,2,3,2,4,acept,not furnished,1200,2803,496,36,4535 +São Paulo,169,3,4,3,9,acept,not furnished,1800,8900,590,113,11400 +Rio de Janeiro,40,1,1,0,2,acept,not furnished,350,900,0,12,1262 +São Paulo,45,1,1,0,-,not acept,not furnished,0,950,0,15,965 +Rio de Janeiro,320,3,2,0,5,not acept,not furnished,2300,6000,292,78,8670 +São Paulo,82,1,2,1,1,not acept,furnished,1000,11000,25,140,12170 +São Paulo,180,3,4,3,15,acept,not furnished,2200,8900,782,113,12000 +São Paulo,340,4,4,4,4,acept,furnished,3100,8500,1400,108,13110 +Belo Horizonte,100,3,3,1,4,acept,not furnished,800,2300,206,31,3337 +São Paulo,160,3,3,3,9,acept,furnished,2400,10000,584,127,13110 +São Paulo,160,4,4,3,9,acept,furnished,2184,6500,858,83,9625 +Campinas,100,3,2,2,3,acept,not furnished,885,1200,80,16,2181 +São Paulo,33,1,1,1,12,not acept,not furnished,552,4150,95,53,4850 +São Paulo,35,1,2,1,2,acept,not furnished,335,1870,0,7,2212 +Porto Alegre,52,2,2,1,12,acept,not furnished,350,1900,42,28,2320 +São Paulo,180,3,2,2,6,acept,not furnished,2066,5500,518,70,8154 +São Paulo,180,3,2,1,-,not acept,not furnished,0,3000,163,46,3209 +São Paulo,300,4,4,4,12,acept,not furnished,3000,10000,1167,127,14290 +São Paulo,79,2,1,0,-,acept,not furnished,0,2050,218,26,2294 +Porto Alegre,66,2,1,0,4,acept,not furnished,450,1300,42,19,1811 +São Paulo,26,1,1,0,2,not acept,not furnished,0,2060,0,27,2087 +São Paulo,367,4,5,6,1,not acept,not furnished,4384,8000,2110,102,14600 +Campinas,60,2,1,1,7,acept,not furnished,486,900,74,12,1472 +São Paulo,80,2,3,1,5,acept,not furnished,80,1800,0,28,1908 +Rio de Janeiro,50,2,1,0,-,acept,not furnished,0,1170,70,18,1258 +Rio de Janeiro,100,3,1,0,2,acept,not furnished,1290,1250,138,17,2695 +São Paulo,250,3,4,3,13,acept,not furnished,2800,6000,834,77,9711 +Porto Alegre,40,1,1,1,7,not acept,furnished,1300,1200,68,18,2586 +São Paulo,68,2,2,1,8,not acept,not furnished,600,2400,125,31,3156 +São Paulo,35,1,1,1,14,not acept,not furnished,1700,2000,275,26,4001 +Porto Alegre,46,2,1,1,-,acept,not furnished,236,750,16,11,1013 +São Paulo,21,1,1,0,2,acept,not furnished,0,3200,42,41,3283 +Rio de Janeiro,45,1,1,0,8,acept,furnished,1690,3900,0,51,5641 +Belo Horizonte,107,3,2,2,2,acept,furnished,585,2400,184,32,3201 +São Paulo,220,3,3,5,-,acept,not furnished,0,7500,0,113,7613 +São Paulo,380,5,7,4,-,acept,not furnished,0,8000,775,121,8896 +São Paulo,150,3,3,2,20,not acept,not furnished,2300,4000,417,51,6768 +Rio de Janeiro,15,1,1,0,2,not acept,not furnished,0,1000,0,13,1013 +São Paulo,35,1,1,0,1,not acept,not furnished,250,1305,0,17,1572 +São Paulo,120,3,4,2,1,acept,not furnished,1500,3000,670,39,5209 +São Paulo,24,2,2,1,13,acept,not furnished,993,5500,141,70,6704 +Porto Alegre,70,2,2,1,2,acept,not furnished,500,2720,75,40,3335 +Porto Alegre,50,1,2,0,-,acept,not furnished,250,1100,0,17,1367 +São Paulo,220,3,4,4,10,acept,not furnished,3500,7000,1000,89,11590 +São Paulo,180,3,4,3,3,acept,not furnished,1600,3500,65,45,5210 +Porto Alegre,148,3,2,3,3,acept,furnished,1000,3000,167,44,4211 +São Paulo,52,2,1,1,7,acept,not furnished,633,1340,8,17,1998 +Porto Alegre,48,2,1,0,1,acept,not furnished,100,700,0,11,811 +São Paulo,160,4,5,2,22,acept,furnished,1200,6800,500,87,8587 +São Paulo,40,1,1,0,1,acept,not furnished,0,1000,56,13,1069 +São Paulo,40,1,1,0,2,not acept,furnished,685,2500,0,32,3217 +Campinas,143,3,2,3,-,acept,not furnished,0,1700,70,26,1796 +Campinas,550,3,4,8,-,acept,not furnished,0,4600,380,70,5050 +São Paulo,35,1,1,1,3,not acept,furnished,0,4200,17,54,4271 +Porto Alegre,50,2,1,0,18,acept,not furnished,500,1300,0,19,1819 +São Paulo,210,4,4,3,9,acept,not furnished,2100,9100,667,116,11980 +São Paulo,60,2,2,2,2,acept,not furnished,860,1840,165,24,2889 +São Paulo,217,4,4,3,3,acept,furnished,4180,5000,1550,64,10790 +Rio de Janeiro,300,3,3,2,5,acept,furnished,5000,11330,3334,146,19810 +Rio de Janeiro,45,1,1,0,-,acept,furnished,250,2000,45,31,2326 +São Paulo,230,5,3,0,-,acept,not furnished,0,7200,343,109,7652 +Campinas,139,3,5,3,3,acept,furnished,1090,6700,232,85,8107 +São Paulo,48,2,1,0,3,acept,not furnished,100,1350,0,18,1468 +São Paulo,145,3,3,3,6,acept,not furnished,1100,12000,667,153,13920 +Porto Alegre,65,1,1,0,3,acept,not furnished,311,1350,525,20,2206 +Porto Alegre,180,3,3,2,3,acept,not furnished,400,2700,250,40,3390 +São Paulo,438,5,6,5,-,not acept,not furnished,0,12000,817,181,13000 +São Paulo,100,2,2,1,10,acept,furnished,1300,1979,225,26,3530 +Rio de Janeiro,430,4,4,2,6,acept,not furnished,3500,10000,1119,129,14750 +São Paulo,315,4,5,5,20,not acept,not furnished,2500,4000,1000,29,7529 +Porto Alegre,374,3,4,2,-,acept,furnished,2500,8250,473,147,11370 +São Paulo,270,3,2,1,9,acept,not furnished,2300,3920,34,50,6304 +Campinas,92,2,3,2,5,not acept,not furnished,1260,4200,275,54,5789 +Porto Alegre,220,3,3,2,8,not acept,furnished,1636,10000,542,147,12330 +São Paulo,243,4,3,3,16,acept,not furnished,3754,2000,1324,26,7104 +Porto Alegre,240,3,3,7,-,acept,furnished,0,3400,349,61,3810 +São Paulo,260,4,5,5,3,acept,furnished,0,15000,0,191,15190 +Porto Alegre,63,3,2,2,11,acept,not furnished,547,2050,54,30,2681 +São Paulo,238,4,5,3,1,not acept,not furnished,2500,15000,375,58,17930 +São Paulo,60,2,2,2,15,acept,not furnished,692,1900,90,25,2707 +São Paulo,82,2,2,0,3,not acept,not furnished,650,1600,5,21,2276 +Campinas,74,3,1,1,3,acept,not furnished,350,1000,54,13,1417 +Belo Horizonte,40,1,1,2,11,not acept,furnished,1000,3500,63,47,4610 +Porto Alegre,70,3,1,1,3,acept,not furnished,424,1100,0,17,1541 +Belo Horizonte,83,3,2,3,18,acept,not furnished,745,2050,198,28,3021 +São Paulo,55,2,1,0,-,acept,not furnished,380,1350,0,18,1748 +São Paulo,290,3,2,2,-,not acept,furnished,0,8000,1334,121,9455 +Rio de Janeiro,250,5,3,4,-,acept,not furnished,0,5000,417,77,5494 +São Paulo,350,4,3,4,10,acept,not furnished,1600,7500,959,96,10160 +São Paulo,330,5,4,2,-,acept,furnished,0,7650,720,115,8485 +Campinas,82,3,3,2,4,acept,not furnished,550,1500,153,20,2223 +São Paulo,60,2,2,1,8,acept,not furnished,700,1420,59,18,2197 +Rio de Janeiro,74,2,1,0,1,acept,not furnished,1148,1900,212,25,3285 +Belo Horizonte,160,3,3,2,4,acept,not furnished,150,2400,244,32,2826 +Porto Alegre,483,4,4,0,4,acept,furnished,2000,4900,1167,72,8139 +São Paulo,35,1,1,0,16,acept,furnished,560,2999,103,38,3700 +São Paulo,285,4,4,3,16,not acept,not furnished,1100,4500,359,58,6017 +Belo Horizonte,50,2,1,1,3,acept,not furnished,230,1100,28,15,1373 +Rio de Janeiro,77,2,2,0,4,acept,not furnished,700,1950,88,26,2764 +São Paulo,76,2,2,1,8,not acept,not furnished,825,1600,33,21,2479 +Porto Alegre,200,2,1,0,-,acept,not furnished,0,2800,0,50,2850 +São Paulo,300,5,4,5,-,acept,not furnished,0,8500,60,128,8688 +Rio de Janeiro,105,3,2,1,13,acept,furnished,1200,12000,459,155,13810 +Campinas,55,1,1,1,7,acept,not furnished,480,700,45,9,1234 +Porto Alegre,75,2,2,1,5,acept,not furnished,450,1650,100,25,2225 +Campinas,276,3,4,3,11,acept,not furnished,2590,7000,594,89,10270 +Belo Horizonte,70,2,2,1,3,acept,not furnished,523,1050,100,14,1687 +São Paulo,460,7,5,5,-,acept,furnished,1,9000,3129,136,12270 +Rio de Janeiro,135,4,2,2,13,acept,furnished,1300,6489,467,84,8340 +Belo Horizonte,64,2,1,1,1,not acept,not furnished,210,1200,0,16,1426 +Belo Horizonte,76,2,1,1,1,acept,not furnished,277,700,59,10,1046 +São Paulo,170,6,4,4,-,acept,not furnished,0,7200,0,109,7309 +Belo Horizonte,85,2,1,1,1,not acept,not furnished,735,2150,198,29,3112 +Campinas,49,2,1,1,-,acept,not furnished,0,1000,0,13,1013 +Rio de Janeiro,128,4,2,0,2,not acept,not furnished,1100,2000,10,26,3136 +São Paulo,96,3,2,2,10,acept,not furnished,1616,1610,162,21,3409 +Rio de Janeiro,45,1,1,1,1,acept,furnished,1437,3000,382,39,4858 +São Paulo,32,1,1,1,2,not acept,furnished,1500,3250,300,42,5092 +Porto Alegre,37,1,1,0,4,acept,not furnished,340,1500,69,22,1931 +Belo Horizonte,335,4,4,4,-,acept,not furnished,0,10000,678,164,10840 +Rio de Janeiro,56,2,1,1,3,acept,not furnished,860,1500,90,20,2470 +São Paulo,330,1,3,8,-,acept,not furnished,0,3147,0,48,3195 +Rio de Janeiro,21,1,1,0,2,acept,not furnished,0,2800,0,37,2837 +São Paulo,300,5,5,4,-,acept,furnished,0,6500,525,98,7123 +Porto Alegre,373,4,4,4,-,acept,furnished,350,6800,100,121,7371 +São Paulo,53,2,1,1,7,not acept,not furnished,600,1200,60,16,1876 +São Paulo,156,3,3,3,20,acept,not furnished,1600,4900,917,63,7480 +Porto Alegre,80,2,1,0,2,not acept,furnished,180,1250,0,19,1449 +São Paulo,74,2,2,2,8,not acept,not furnished,870,3300,270,42,4482 +São Paulo,103,3,2,1,-,acept,not furnished,0,4200,250,64,4514 +Belo Horizonte,458,8,10,4,-,acept,not furnished,0,7000,419,115,7534 +Belo Horizonte,98,2,1,0,-,not acept,not furnished,0,1500,58,25,1583 +São Paulo,40,1,1,0,-,acept,not furnished,1,1000,6,16,1023 +São Paulo,65,1,1,0,3,not acept,not furnished,185,1300,63,17,1565 +São Paulo,70,1,1,0,4,not acept,not furnished,430,1300,17,17,1764 +Porto Alegre,55,1,1,1,14,not acept,furnished,460,3200,30,47,3737 +São Paulo,129,3,4,3,6,acept,furnished,1650,2500,434,32,4616 +Porto Alegre,46,1,1,1,1,acept,furnished,270,750,15,11,1046 +Porto Alegre,225,4,4,2,-,acept,not furnished,800,4445,352,79,5676 +São Paulo,215,3,1,1,18,acept,not furnished,1100,4000,240,51,5391 +São Paulo,100,3,3,2,-,not acept,not furnished,120,2000,0,31,2151 +Campinas,68,1,1,1,10,not acept,furnished,600,1000,48,13,1661 +São Paulo,82,3,1,1,8,not acept,not furnished,709,1500,107,20,2336 +Rio de Janeiro,90,2,3,0,2,acept,not furnished,620,2150,60,28,2858 +São Paulo,250,5,2,6,-,acept,not furnished,0,9000,1417,136,10550 +São Paulo,392,4,4,4,-,acept,not furnished,0,10000,1250,151,11400 +Rio de Janeiro,134,3,4,2,3,acept,furnished,1900,7000,466,91,9457 +Campinas,53,2,1,1,1,acept,not furnished,310,510,16,7,843 +Rio de Janeiro,165,2,2,0,2,acept,furnished,0,2500,11,33,2544 +São Paulo,59,2,1,1,3,not acept,not furnished,270,1400,417,18,2105 +Porto Alegre,55,1,1,1,3,acept,not furnished,340,900,50,14,1304 +Rio de Janeiro,80,2,2,1,12,not acept,not furnished,580,1809,226,9,2624 +Rio de Janeiro,71,2,1,1,2,acept,not furnished,950,3140,190,41,4321 +Porto Alegre,200,3,3,2,-,acept,not furnished,1,5980,175,107,6263 +São Paulo,47,1,1,0,1,acept,not furnished,490,1200,26,16,1732 +São Paulo,78,1,1,2,8,not acept,furnished,1980,6000,317,77,8374 +Porto Alegre,70,2,1,0,9,acept,not furnished,0,1750,0,26,1776 +Belo Horizonte,44,1,1,1,11,acept,not furnished,520,3500,225,47,4292 +São Paulo,56,2,1,1,7,acept,not furnished,380,1500,40,20,1940 +Belo Horizonte,70,3,2,2,10,not acept,not furnished,360,1560,80,21,2021 +São Paulo,150,3,3,2,12,acept,not furnished,1650,4000,142,51,5843 +Rio de Janeiro,60,1,1,0,4,not acept,furnished,1400,2000,192,26,3618 +Belo Horizonte,200,3,4,4,10,acept,not furnished,2900,5500,1021,74,9495 +São Paulo,250,4,5,4,5,not acept,not furnished,3000,10000,0,127,13130 +São Paulo,250,4,5,3,-,acept,not furnished,0,5000,565,76,5641 +Porto Alegre,40,1,1,1,10,acept,furnished,210,1180,20,18,1428 +São Paulo,117,4,5,4,10,not acept,not furnished,1523,3175,711,41,5450 +Campinas,104,3,1,0,3,not acept,not furnished,600,650,69,9,1328 +Rio de Janeiro,120,3,1,0,3,not acept,not furnished,800,4500,234,58,5592 +Belo Horizonte,125,3,2,0,7,acept,not furnished,1300,2968,274,40,4582 +São Paulo,33,2,1,0,6,acept,not furnished,300,1900,0,25,2225 +Rio de Janeiro,99,3,2,1,10,acept,not furnished,1080,3500,192,46,4818 +São Paulo,63,1,1,0,12,acept,not furnished,870,2600,0,33,3503 +Rio de Janeiro,43,2,1,0,12,acept,not furnished,586,2000,63,26,2675 +São Paulo,61,2,2,2,2,not acept,furnished,1023,3160,270,41,4494 +Rio de Janeiro,76,2,2,1,8,acept,furnished,1200,3700,167,48,5115 +Porto Alegre,52,2,1,1,-,acept,not furnished,350,950,84,14,1398 +São Paulo,39,1,1,0,3,acept,furnished,350,1700,0,22,2072 +Porto Alegre,126,3,1,1,4,acept,not furnished,1137,2200,125,33,3495 +São Paulo,305,2,3,0,10,acept,not furnished,3500,5000,667,64,9231 +São Paulo,80,2,2,0,3,not acept,not furnished,931,2700,0,35,3666 +Rio de Janeiro,85,2,1,1,4,acept,not furnished,450,1700,100,22,2272 +Porto Alegre,74,3,2,2,13,acept,furnished,402,2300,58,34,2794 +Rio de Janeiro,130,3,2,1,3,not acept,not furnished,1303,2300,172,30,3805 +São Paulo,113,3,2,1,6,acept,not furnished,1000,3000,50,39,4089 +São Paulo,108,2,1,3,-,acept,not furnished,0,5000,260,76,5336 +São Paulo,270,4,4,4,-,acept,not furnished,0,10800,800,163,11760 +São Paulo,111,3,4,3,1,acept,not furnished,2500,2700,704,35,5939 +Rio de Janeiro,142,3,2,1,1,acept,furnished,1732,2868,247,37,4884 +Porto Alegre,48,1,1,1,5,acept,furnished,240,1100,16,17,1373 +São Paulo,76,3,2,2,10,acept,not furnished,365,2500,37,32,2934 +São Paulo,42,1,1,0,13,not acept,not furnished,760,2260,147,29,3196 +São Paulo,500,4,5,4,-,not acept,furnished,0,12750,2087,192,15030 +São Paulo,375,4,4,4,22,not acept,not furnished,4916,4700,3025,60,12700 +Rio de Janeiro,690,4,5,2,21,not acept,not furnished,4798,9500,1301,123,15720 +São Paulo,172,4,4,3,1,acept,not furnished,1800,7500,792,96,10190 +Rio de Janeiro,15,1,1,0,-,acept,not furnished,0,700,0,10,710 +Rio de Janeiro,130,3,2,2,5,acept,not furnished,2250,6500,415,84,9249 +São Paulo,90,3,2,2,2,acept,not furnished,1320,1700,225,22,3267 +Campinas,68,3,2,2,9,acept,furnished,550,2700,76,35,3361 +São Paulo,260,4,4,4,-,acept,not furnished,0,14000,1834,211,16050 +São Paulo,87,2,3,2,1,acept,furnished,1200,3560,492,46,5298 +São Paulo,80,2,1,0,-,not acept,not furnished,0,1500,0,23,1523 +São Paulo,20,1,1,0,6,acept,furnished,602,1800,130,23,2555 +São Paulo,140,2,1,2,-,acept,not furnished,0,5000,584,76,5660 +São Paulo,45,2,1,1,1,acept,not furnished,176,1300,64,17,1557 +Campinas,230,3,4,4,5,acept,furnished,1800,10000,715,127,12640 +São Paulo,125,3,3,2,4,acept,not furnished,1550,3000,650,39,5239 +Rio de Janeiro,80,2,1,0,3,not acept,furnished,800,1360,9,18,2187 +São Paulo,22,1,1,1,8,acept,furnished,587,4500,150,58,5295 +Campinas,280,4,3,3,-,acept,not furnished,0,2167,169,33,2369 +São Paulo,126,3,4,3,6,acept,not furnished,2500,3200,579,41,6320 +Porto Alegre,64,3,2,1,1,acept,furnished,600,1620,0,24,2244 +Rio de Janeiro,70,2,1,1,3,acept,not furnished,950,3800,125,49,4924 +São Paulo,65,2,1,0,-,acept,not furnished,0,1200,34,19,1253 +Porto Alegre,98,3,1,0,1,acept,not furnished,400,1050,84,16,1550 +Belo Horizonte,136,3,3,2,6,acept,not furnished,230,2700,234,36,3200 +São Paulo,80,2,2,2,-,acept,not furnished,0,2465,0,38,2503 +Porto Alegre,54,2,1,1,8,acept,furnished,300,1000,50,15,1365 +Porto Alegre,55,1,1,1,2,acept,not furnished,300,1000,50,15,1365 +Rio de Janeiro,190,3,2,1,4,acept,not furnished,1800,5100,417,66,7383 +São Paulo,130,3,2,2,8,acept,not furnished,1310,6500,338,83,8231 +São Paulo,54,2,1,1,1,acept,not furnished,670,1932,73,8,2683 +São Paulo,200,3,4,4,2,not acept,furnished,3300,12000,1167,153,16620 +São Paulo,150,3,3,2,3,not acept,not furnished,2100,3600,499,46,6245 +São Paulo,205,3,4,4,13,acept,not furnished,1700,6000,650,77,8427 +São Paulo,310,3,3,2,-,not acept,not furnished,0,10400,0,157,10560 +São Paulo,250,3,4,4,-,acept,not furnished,0,4500,334,68,4902 +São Paulo,60,2,1,1,1,acept,not furnished,0,1100,0,14,1114 +São Paulo,66,2,2,1,5,acept,furnished,750,2980,0,38,3768 +São Paulo,176,3,4,3,20,not acept,not furnished,2004,9500,584,121,12210 +Porto Alegre,48,1,1,0,4,acept,furnished,250,1300,34,19,1603 +Rio de Janeiro,90,2,1,0,3,acept,not furnished,940,3490,234,45,4709 +Porto Alegre,67,2,2,1,9,acept,not furnished,300,1700,0,25,2025 +Belo Horizonte,55,2,1,1,8,not acept,not furnished,160,900,0,12,1072 +São Paulo,50,2,2,1,14,acept,not furnished,520,1550,100,20,2190 +Rio de Janeiro,140,3,1,1,3,acept,not furnished,1200,4090,0,53,5343 +Rio de Janeiro,18,1,1,0,14,not acept,not furnished,540,880,101,12,1533 +Belo Horizonte,120,4,3,2,2,acept,not furnished,0,3250,0,44,3294 +Campinas,50,1,1,0,1,not acept,not furnished,298,850,15,11,1174 +São Paulo,220,3,4,3,-,acept,furnished,0,4600,126,70,4796 +São Paulo,25,1,1,1,4,not acept,furnished,1449,3070,700,39,5258 +Belo Horizonte,230,4,2,1,2,acept,not furnished,300,2850,190,38,3378 +São Paulo,80,2,1,0,-,acept,not furnished,0,2200,0,34,2234 +São Paulo,180,3,3,2,7,acept,not furnished,3000,7000,292,89,10380 +Rio de Janeiro,62,2,1,0,-,acept,not furnished,50,1300,0,20,1370 +Porto Alegre,440,3,2,3,5,not acept,not furnished,100,10500,84,154,10840 +São Paulo,200,3,3,3,3,acept,not furnished,3162,4790,876,61,8889 +Porto Alegre,180,3,2,3,2,acept,furnished,0,5100,250,75,5425 +Porto Alegre,300,8,3,0,-,acept,not furnished,0,5100,250,91,5441 +Belo Horizonte,360,6,2,0,-,acept,not furnished,1,6000,688,99,6788 +Rio de Janeiro,55,2,2,0,6,acept,not furnished,740,2000,220,26,2986 +São Paulo,400,4,6,4,-,acept,not furnished,0,15000,1875,226,17100 +São Paulo,19,1,1,0,-,not acept,not furnished,0,1200,41,16,1257 +Porto Alegre,326,4,7,4,-,acept,not furnished,0,4200,184,64,4448 +São Paulo,240,4,4,3,4,acept,not furnished,8000,2000,2000,26,12030 +Campinas,35,1,1,0,-,acept,not furnished,0,1600,0,25,1625 +Rio de Janeiro,110,3,1,0,1,acept,not furnished,1100,1800,131,24,3055 +São Paulo,103,2,3,2,17,acept,furnished,7000,9000,500,115,16620 +São Paulo,273,3,5,4,5,acept,not furnished,2695,10900,1057,139,14790 +São Paulo,250,4,5,2,-,acept,not furnished,0,8000,338,121,8459 +Porto Alegre,67,2,2,1,2,acept,furnished,413,1240,55,19,1727 +São Paulo,45,1,1,1,3,acept,furnished,2000,4850,334,62,7246 +São Paulo,19,1,1,0,-,not acept,not furnished,0,1200,0,16,1216 +Rio de Janeiro,90,3,2,1,13,acept,not furnished,1300,2050,230,27,3607 +São Paulo,143,3,3,2,20,acept,not furnished,1900,8400,539,107,10950 +São Paulo,75,2,1,1,14,not acept,furnished,1200,2380,196,31,3807 +Rio de Janeiro,115,3,2,1,2,acept,not furnished,1200,2900,317,38,4455 +Belo Horizonte,100,3,2,2,3,not acept,not furnished,400,2300,165,31,2896 +São Paulo,63,2,2,1,19,acept,not furnished,184,4400,136,56,4776 +Rio de Janeiro,70,2,2,1,2,acept,not furnished,1100,2500,230,33,3863 +Belo Horizonte,80,3,2,2,1,not acept,furnished,400,2500,126,34,3060 +São Paulo,215,3,4,2,-,acept,not furnished,0,5000,318,76,5394 +Campinas,75,3,2,1,3,not acept,not furnished,550,2125,67,27,2769 +São Paulo,35,1,1,0,1,not acept,not furnished,250,1305,0,17,1572 +São Paulo,400,3,5,4,11,acept,not furnished,3830,3500,1419,45,8794 +Porto Alegre,109,4,2,3,1,acept,not furnished,280,1950,63,29,2322 +Rio de Janeiro,75,2,2,1,3,acept,not furnished,684,1800,84,24,2592 +São Paulo,23,1,1,0,25,acept,not furnished,399,2150,0,28,2577 +São Paulo,172,4,3,2,5,acept,furnished,1050,8300,180,106,9636 +São Paulo,73,2,2,1,16,acept,not furnished,550,2160,105,28,2843 +Porto Alegre,25,1,1,0,12,not acept,not furnished,240,750,22,11,1023 +Campinas,56,2,1,1,2,acept,not furnished,420,1050,24,14,1508 +São Paulo,96,2,1,2,3,acept,not furnished,880,1648,80,21,2629 +São Paulo,240,3,2,3,-,acept,not furnished,0,5900,500,89,6489 +São Paulo,57,2,1,1,24,acept,furnished,540,3500,135,45,4220 +Rio de Janeiro,130,3,2,1,9,acept,furnished,2000,8700,650,113,11460 +São Paulo,35,1,1,1,10,not acept,furnished,1400,2800,205,36,4441 +São Paulo,115,3,2,1,8,acept,not furnished,826,2300,195,30,3351 +Porto Alegre,45,2,1,0,2,acept,not furnished,74,1040,42,16,1172 +Rio de Janeiro,40,1,1,0,2,not acept,not furnished,450,2390,114,31,2985 +Rio de Janeiro,95,3,1,1,-,acept,furnished,1434,3500,230,46,5210 +São Paulo,60,2,2,1,11,acept,furnished,1680,6000,200,77,7957 +Campinas,160,4,2,2,16,acept,not furnished,1448,2800,207,36,4491 +São Paulo,315,3,4,3,15,acept,furnished,1715,5000,340,64,7119 +Belo Horizonte,365,4,4,3,8,acept,furnished,3500,8800,459,118,12880 +São Paulo,45,2,1,1,4,acept,not furnished,284,1100,0,14,1398 +Rio de Janeiro,108,2,1,0,1,acept,not furnished,450,2125,47,28,2650 +Campinas,76,3,2,2,3,not acept,not furnished,450,2200,120,28,2798 +Belo Horizonte,140,4,3,2,9,acept,not furnished,1720,4000,284,54,6058 +Belo Horizonte,30,1,1,0,3,not acept,not furnished,0,750,57,10,817 +Campinas,50,2,2,1,2,not acept,not furnished,262,1400,63,18,1743 +São Paulo,16,1,1,0,1,not acept,not furnished,0,850,9,11,870 +Porto Alegre,110,2,1,0,1,acept,not furnished,260,2100,92,31,2483 +São Paulo,270,4,4,4,-,acept,not furnished,0,10800,800,163,11760 +São Paulo,125,3,1,0,4,acept,not furnished,650,2700,142,35,3527 +Campinas,46,2,1,1,3,acept,not furnished,250,970,42,13,1275 +São Paulo,55,2,2,1,21,acept,not furnished,480,2000,9,26,2515 +São Paulo,82,3,2,2,8,acept,not furnished,903,1500,59,20,2482 +Rio de Janeiro,42,1,1,0,9,acept,furnished,682,1800,56,24,2562 +Belo Horizonte,285,3,2,0,6,acept,not furnished,1000,6000,492,80,7572 +São Paulo,76,2,2,1,6,not acept,not furnished,500,1350,5,18,1873 +Rio de Janeiro,338,4,2,2,-,acept,not furnished,0,4300,190,66,4556 +São Paulo,300,6,8,3,-,acept,not furnished,0,10900,1917,164,12980 +São Paulo,30,1,1,1,10,not acept,furnished,1700,4600,0,59,6359 +São Paulo,320,5,5,3,-,acept,furnished,320,8000,267,121,8708 +Porto Alegre,80,2,1,0,1,acept,not furnished,171,1900,50,28,2149 +São Paulo,43,1,1,0,6,not acept,not furnished,350,1080,57,14,1501 +São Paulo,102,2,2,2,-,acept,not furnished,0,3400,248,52,3700 +São Paulo,47,2,1,1,1,acept,not furnished,350,1000,0,13,1363 +Rio de Janeiro,120,4,2,1,5,acept,furnished,1890,12000,367,155,14410 +Belo Horizonte,178,3,3,3,10,acept,not furnished,1840,7500,542,100,9982 +São Paulo,27,1,1,0,-,not acept,not furnished,0,1480,0,19,1499 +Rio de Janeiro,174,4,2,1,1,acept,not furnished,1682,2400,500,31,4613 +São Paulo,40,1,1,1,5,acept,not furnished,350,1780,0,23,2153 +São Paulo,64,1,2,1,3,acept,not furnished,800,2600,0,33,3433 +Belo Horizonte,252,3,4,1,1,acept,not furnished,250,2500,165,34,2949 +Porto Alegre,85,2,1,0,1,acept,not furnished,400,870,56,13,1339 +São Paulo,101,3,2,2,7,acept,furnished,1097,3200,319,41,4657 +Porto Alegre,44,1,2,0,3,acept,not furnished,140,1350,100,20,1610 +São Paulo,200,3,2,1,5,acept,not furnished,1618,2380,161,31,4190 +Belo Horizonte,55,2,2,1,2,acept,not furnished,202,1000,67,14,1283 +São Paulo,200,4,3,3,14,not acept,not furnished,2400,6400,0,82,8882 +São Paulo,240,3,3,3,3,acept,not furnished,4132,3800,952,49,8933 +Rio de Janeiro,90,3,2,1,6,acept,not furnished,1270,3170,225,41,4706 +São Paulo,31,1,1,0,22,acept,not furnished,330,1330,0,17,1677 +Belo Horizonte,240,4,3,4,3,acept,not furnished,2677,7200,161,96,10130 +Belo Horizonte,118,4,3,3,4,acept,not furnished,920,2500,326,34,3780 +São Paulo,350,4,5,2,-,acept,furnished,0,15000,667,226,15890 +São Paulo,65,3,2,1,5,acept,not furnished,526,2090,21,27,2664 +Rio de Janeiro,145,3,2,1,3,acept,not furnished,2400,5800,500,75,8775 +São Paulo,93,3,2,2,18,acept,not furnished,1000,3400,209,44,4653 +São Paulo,98,1,2,2,4,not acept,furnished,1750,8400,580,107,10840 +São Paulo,174,3,1,2,-,acept,not furnished,0,3600,284,55,3939 +São Paulo,160,4,4,3,6,acept,furnished,1646,4700,750,60,7156 +São Paulo,200,4,5,3,3,acept,furnished,1650,3700,600,47,5997 +São Paulo,80,2,2,2,-,acept,not furnished,50,1850,173,28,2101 +São Paulo,50,2,1,1,3,acept,not furnished,520,1490,0,19,2029 +Belo Horizonte,115,3,3,3,4,acept,not furnished,655,3100,272,42,4069 +São Paulo,20,1,1,0,-,acept,furnished,602,1800,130,23,2555 +Campinas,12732,3,2,0,3,acept,not furnished,700,1600,96,21,2417 +São Paulo,38,1,1,0,1,acept,furnished,330,3000,38,39,3407 +Porto Alegre,42,1,1,1,2,acept,not furnished,260,1200,65,18,1543 +São Paulo,380,2,4,0,21,acept,furnished,3490,6800,2863,87,13240 +Belo Horizonte,70,2,1,1,6,acept,not furnished,500,1500,63,20,2083 +São Paulo,37,1,1,1,1,not acept,furnished,1700,1196,0,16,2912 +Rio de Janeiro,31,1,1,0,5,acept,not furnished,400,1350,67,18,1835 +São Paulo,156,2,4,2,11,acept,not furnished,2690,10000,520,127,13340 +São Paulo,100,3,3,2,3,not acept,not furnished,1100,4350,350,56,5856 +Belo Horizonte,50,2,1,1,2,acept,not furnished,226,750,0,10,986 +São Paulo,116,2,2,2,8,not acept,furnished,1215,8000,250,102,9567 +São Paulo,25,1,1,0,-,acept,not furnished,20,1200,25,19,1264 +Belo Horizonte,260,4,5,0,21,not acept,not furnished,1920,13000,138,174,15230 +Porto Alegre,102,2,1,0,3,acept,not furnished,407,1600,103,24,2134 +São Paulo,160,2,3,2,12,acept,furnished,1500,4210,225,54,5989 +Belo Horizonte,95,3,2,2,3,not acept,not furnished,882,2200,173,30,3285 +São Paulo,189,4,4,4,12,acept,not furnished,2326,12000,817,153,15300 +São Paulo,22,1,1,1,14,not acept,not furnished,450,1900,84,25,2459 +São Paulo,400,4,3,3,-,acept,not furnished,0,7000,900,106,8006 +Belo Horizonte,280,4,4,5,10,acept,not furnished,850,6500,384,87,7821 +Porto Alegre,45,1,1,0,2,acept,not furnished,340,950,42,14,1346 +São Paulo,50,2,1,1,5,acept,not furnished,650,1260,100,16,2026 +São Paulo,61,3,2,0,-,acept,not furnished,400,1500,96,20,2016 +Rio de Janeiro,100,2,2,1,4,acept,not furnished,860,1600,0,21,2481 +São Paulo,78,2,2,1,2,acept,not furnished,560,2750,0,35,3345 +Rio de Janeiro,140,3,2,1,6,acept,not furnished,1900,5000,334,65,7299 +São Paulo,220,3,4,2,7,acept,not furnished,2000,3900,750,50,6700 +Belo Horizonte,105,3,2,2,4,not acept,not furnished,350,1500,135,20,2005 +Belo Horizonte,550,3,3,5,-,acept,not furnished,0,7500,350,123,7973 +São Paulo,250,4,6,4,12,not acept,not furnished,3000,14500,875,184,18560 +Rio de Janeiro,30,1,1,0,7,acept,not furnished,700,1550,58,20,2328 +Belo Horizonte,90,2,3,2,15,acept,not furnished,1054,2100,196,28,3378 +São Paulo,110,2,3,2,6,acept,not furnished,1500,2310,409,30,4249 +São Paulo,65,2,2,2,6,acept,not furnished,717,2000,0,26,2743 +São Paulo,160,1,4,2,2,not acept,not furnished,1000,3500,10,45,4555 +São Paulo,34,1,1,1,4,acept,not furnished,550,3800,109,49,4508 +Porto Alegre,65,2,1,1,1,acept,not furnished,500,950,38,14,1502 +São Paulo,355,4,5,5,21,not acept,furnished,5700,15000,2977,191,23870 +Belo Horizonte,100,2,1,0,13,acept,not furnished,750,1200,1680,16,3646 +Campinas,320,3,3,2,9,acept,furnished,2000,8500,340,108,10950 +Rio de Janeiro,42,1,1,0,4,acept,furnished,480,1900,84,25,2489 +São Paulo,79,2,2,1,2,acept,furnished,678,2800,4,36,3518 +São Paulo,130,2,2,2,3,acept,not furnished,1750,3000,284,39,5073 +São Paulo,84,2,2,0,1,acept,furnished,850,6000,250,77,7177 +Campinas,300,3,3,4,-,acept,not furnished,1,3800,450,58,4309 +São Paulo,74,2,1,1,2,acept,not furnished,650,1700,0,22,2372 +São Paulo,450,4,4,3,-,acept,not furnished,0,11500,875,173,12550 +Porto Alegre,27,1,1,0,2,acept,not furnished,100,960,75,15,1150 +São Paulo,84,3,2,2,7,not acept,not furnished,900,2800,740,36,4476 +São Paulo,93,3,3,0,16,not acept,furnished,1221,5500,367,70,7158 +Porto Alegre,58,2,2,2,12,acept,not furnished,450,2550,0,38,3038 +Campinas,130,3,2,0,-,acept,not furnished,0,1400,10,22,1432 +São Paulo,35,1,1,1,9,not acept,furnished,1050,2600,317,33,4000 +São Paulo,156,3,2,1,17,acept,not furnished,1500,5500,267,70,7337 +São Paulo,250,4,3,3,-,acept,furnished,0,5000,334,76,5410 +Belo Horizonte,109,3,2,2,2,acept,not furnished,400,1800,130,24,2354 +Campinas,40,1,2,1,7,acept,not furnished,550,807,43,3,1403 +Belo Horizonte,75,3,2,1,5,acept,not furnished,487,1280,109,18,1894 +São Paulo,100,3,3,2,13,acept,not furnished,980,6300,491,80,7851 +São Paulo,60,2,1,1,5,acept,not furnished,545,1210,75,16,1846 +Campinas,110,3,3,2,-,acept,not furnished,560,3200,88,49,3897 +Belo Horizonte,63,3,1,1,3,acept,not furnished,200,1000,65,14,1279 +São Paulo,550,3,5,8,-,acept,not furnished,0,10000,3825,151,13980 +São Paulo,112,3,2,2,12,acept,not furnished,1239,2670,188,34,4131 +São Paulo,115,3,2,1,-,not acept,not furnished,0,10000,0,151,10150 +Belo Horizonte,65,2,1,1,3,acept,not furnished,566,1100,84,15,1765 +Belo Horizonte,65,3,2,2,2,acept,not furnished,180,913,90,13,1196 +Rio de Janeiro,200,4,2,1,7,acept,not furnished,2188,4250,400,55,6893 +Rio de Janeiro,46,2,1,1,8,acept,not furnished,750,1800,230,24,2804 +São Paulo,320,4,5,4,-,acept,not furnished,0,7000,700,106,7806 +Rio de Janeiro,140,3,2,0,2,acept,not furnished,1345,3200,300,42,4887 +Porto Alegre,87,3,3,2,5,acept,not furnished,1300,4000,150,59,5509 +Belo Horizonte,78,1,1,1,15,not acept,not furnished,775,2300,128,31,3234 +São Paulo,25,1,1,0,7,not acept,not furnished,290,2000,130,26,2446 +São Paulo,50,2,2,1,6,acept,furnished,560,2800,67,36,3463 +Rio de Janeiro,40,1,1,0,4,not acept,not furnished,530,1949,100,26,2605 +Rio de Janeiro,30,1,1,1,3,acept,not furnished,0,500,0,7,507 +Belo Horizonte,65,3,1,1,2,acept,furnished,175,1100,0,15,1290 +Porto Alegre,181,3,3,2,-,acept,not furnished,286,2400,1300,43,4029 +Belo Horizonte,503,5,5,4,-,acept,not furnished,0,6000,407,99,6506 +São Paulo,50,1,1,0,-,not acept,not furnished,0,1200,0,19,1219 +Rio de Janeiro,180,3,3,1,4,acept,furnished,2300,6500,117,84,9001 +São Paulo,180,3,3,2,1,acept,not furnished,2000,7200,900,92,10190 +Porto Alegre,75,2,1,0,2,acept,not furnished,180,1600,0,24,1804 +Belo Horizonte,70,3,2,1,1,acept,not furnished,377,950,70,13,1410 +Porto Alegre,40,1,1,0,3,not acept,furnished,0,2000,0,30,2030 +São Paulo,100,3,2,1,2,acept,furnished,450,1600,50,21,2121 +São Paulo,22,1,1,1,25,acept,not furnished,471,2200,55,28,2754 +São Paulo,50,2,2,1,12,not acept,not furnished,400,1200,124,16,1740 +São Paulo,90,3,1,2,6,acept,not furnished,1250,4100,300,52,5702 +Belo Horizonte,150,3,3,2,-,not acept,not furnished,0,3400,265,56,3721 +São Paulo,20,1,1,0,3,not acept,furnished,150,3142,67,40,3399 +São Paulo,120,2,1,1,-,not acept,not furnished,0,3500,100,53,3653 +Rio de Janeiro,50,2,2,1,5,acept,not furnished,440,1450,50,19,1959 +Rio de Janeiro,93,2,2,1,4,acept,not furnished,200,1200,64,16,1480 +São Paulo,18,1,1,0,-,acept,not furnished,0,1720,0,22,1742 +Porto Alegre,30,1,1,0,16,not acept,furnished,260,1490,15,22,1787 +São Paulo,80,2,1,1,-,acept,not furnished,484,1600,135,21,2240 +Porto Alegre,46,1,1,1,5,not acept,not furnished,450,1500,46,22,2018 +Rio de Janeiro,90,2,2,0,4,acept,not furnished,735,1000,97,13,1845 +Rio de Janeiro,75,2,2,0,2,acept,not furnished,591,2400,150,31,3172 +Belo Horizonte,136,4,3,3,9,acept,not furnished,1240,3900,434,52,5626 +Campinas,30,1,1,0,1,not acept,not furnished,70,1100,9,14,1193 +Rio de Janeiro,58,2,2,1,1,acept,not furnished,761,1190,105,16,2072 +São Paulo,95,2,2,0,1,acept,furnished,621,1550,82,20,2273 +Porto Alegre,39,1,1,0,3,acept,not furnished,290,550,24,9,873 +Belo Horizonte,170,4,3,3,6,acept,not furnished,1800,6000,881,80,8761 +Campinas,59,2,1,1,1,acept,not furnished,437,1000,20,13,1470 +Belo Horizonte,46,1,1,1,4,not acept,not furnished,870,2500,158,34,3562 +São Paulo,124,3,1,0,8,not acept,not furnished,1200,1200,100,16,2516 +Rio de Janeiro,160,4,3,2,2,acept,not furnished,1550,6200,375,80,8205 +Belo Horizonte,85,3,1,1,1,not acept,not furnished,275,1600,62,22,1959 +Rio de Janeiro,80,2,1,1,4,acept,not furnished,800,2499,117,33,3449 +Campinas,50,1,1,1,2,not acept,not furnished,718,1600,13,21,2352 +São Paulo,110,3,3,3,17,acept,furnished,1250,4500,355,58,6163 +Belo Horizonte,62,2,1,1,2,acept,not furnished,100,1050,84,14,1248 +São Paulo,500,4,6,6,-,acept,not furnished,0,5510,2084,83,7677 +São Paulo,230,3,4,2,12,acept,furnished,2662,5900,680,75,9317 +Belo Horizonte,115,3,3,1,1,not acept,not furnished,485,1750,172,24,2431 +Belo Horizonte,285,4,4,2,-,acept,not furnished,0,3000,200,50,3250 +São Paulo,89,3,3,2,8,not acept,not furnished,965,3800,150,49,4964 +São Paulo,49,2,1,1,2,acept,not furnished,503,985,0,13,1501 +Belo Horizonte,500,4,6,4,-,not acept,not furnished,0,15000,434,246,15680 +São Paulo,35,1,1,1,1,not acept,furnished,444,3486,124,45,4099 +Porto Alegre,58,2,1,1,1,acept,not furnished,300,1350,25,20,1695 +Campinas,300,4,5,2,-,acept,not furnished,0,6000,0,91,6091 +Porto Alegre,58,1,1,0,2,acept,not furnished,309,700,28,11,1048 +São Paulo,800,5,7,6,-,acept,not furnished,1,15000,2051,226,17280 +São Paulo,60,2,1,1,5,acept,furnished,600,3300,67,42,4009 +São Paulo,200,4,4,2,-,acept,not furnished,0,5525,167,84,5776 +Campinas,420,4,5,4,-,acept,not furnished,600,7225,584,109,8518 +Campinas,165,3,2,0,-,acept,not furnished,0,3000,129,46,3175 +Belo Horizonte,260,4,3,4,-,not acept,not furnished,0,4500,480,74,5054 +São Paulo,55,2,1,0,-,acept,not furnished,0,1600,50,25,1675 +Rio de Janeiro,55,1,1,0,1,acept,not furnished,585,800,0,11,1396 +São Paulo,47,2,1,0,1,acept,not furnished,0,1600,0,21,1621 +São Paulo,38,1,1,0,5,acept,not furnished,819,1650,0,21,2490 +Rio de Janeiro,60,2,1,0,-,acept,not furnished,0,1800,72,28,1900 +Belo Horizonte,90,3,2,1,3,acept,not furnished,500,1800,183,24,2507 +Belo Horizonte,70,2,1,2,1,acept,not furnished,222,1600,100,22,1944 +Rio de Janeiro,41,1,1,1,2,not acept,furnished,2100,3200,355,24,5679 +São Paulo,35,1,1,1,1,not acept,furnished,444,3486,124,45,4099 +São Paulo,70,2,1,1,9,acept,furnished,628,3100,108,40,3876 +Campinas,43,1,1,1,5,acept,not furnished,518,900,45,12,1475 +Rio de Janeiro,80,1,1,0,4,acept,not furnished,0,4000,150,52,4202 +Belo Horizonte,251,3,3,4,16,not acept,not furnished,3000,12000,1463,160,16620 +São Paulo,185,4,5,4,5,acept,not furnished,2800,7100,1081,90,11070 +São Paulo,520,3,4,2,-,acept,not furnished,0,9000,1500,136,10640 +São Paulo,30,1,1,0,1,acept,not furnished,50,1150,50,15,1265 +São Paulo,387,3,5,3,7,acept,not furnished,4600,7000,1334,89,13020 +Rio de Janeiro,65,2,2,1,2,acept,not furnished,532,1820,49,24,2425 +São Paulo,155,3,3,2,-,acept,not furnished,0,2650,233,40,2923 +Porto Alegre,90,2,1,0,2,acept,not furnished,0,1380,21,21,1422 +Porto Alegre,61,2,1,2,4,not acept,not furnished,350,2200,1,33,2584 +São Paulo,60,2,1,0,1,acept,not furnished,0,1100,56,14,1170 +São Paulo,250,4,4,4,14,acept,not furnished,2600,3600,0,46,6246 +Belo Horizonte,57,2,1,1,3,not acept,not furnished,225,800,0,11,1036 +São Paulo,36,1,1,1,8,acept,not furnished,323,2150,85,28,2586 +Campinas,231,3,5,4,4,acept,furnished,2200,12000,642,153,15000 +São Paulo,67,3,1,1,2,acept,not furnished,592,2900,150,37,3679 +São Paulo,120,1,2,2,4,acept,not furnished,3100,4200,750,54,8104 +São Paulo,215,3,4,2,9,not acept,not furnished,1800,7000,450,89,9339 +Campinas,100,4,3,1,4,acept,not furnished,750,2240,17,29,3036 +Rio de Janeiro,50,2,1,1,5,acept,furnished,430,1150,9,15,1604 +Porto Alegre,40,1,1,1,11,acept,furnished,1300,1200,68,18,2586 +São Paulo,20,1,1,0,5,acept,furnished,602,1800,130,23,2555 +São Paulo,96,2,2,2,23,not acept,furnished,800,4000,273,51,5124 +Porto Alegre,42,1,1,0,1,acept,not furnished,250,985,49,15,1299 +Porto Alegre,37,1,1,0,4,acept,not furnished,335,1600,67,24,2026 +Porto Alegre,110,2,2,1,1,acept,not furnished,250,1453,20,22,1745 +São Paulo,25,1,1,0,-,acept,not furnished,20,1200,25,19,1264 +São Paulo,96,2,2,2,5,acept,not furnished,1200,1600,400,21,3221 +São Paulo,98,3,2,0,-,acept,not furnished,580,1580,61,21,2242 +São Paulo,70,2,1,0,1,not acept,not furnished,350,1050,116,14,1530 +Rio de Janeiro,127,1,2,1,18,not acept,not furnished,850,6300,440,82,7672 +São Paulo,138,3,3,2,11,acept,not furnished,960,3000,100,39,4099 +Rio de Janeiro,79,2,2,1,4,acept,not furnished,838,1664,60,22,2584 +São Paulo,45,1,1,0,-,not acept,not furnished,0,1030,0,16,1046 +São Paulo,35,1,1,0,-,not acept,not furnished,0,1100,84,17,1201 +São Paulo,180,3,4,3,5,acept,furnished,2800,9000,1125,115,13040 +Campinas,220,3,5,3,4,not acept,furnished,2000,7900,417,101,10420 +Porto Alegre,72,2,2,2,12,acept,not furnished,500,2100,56,31,2687 +Rio de Janeiro,150,3,3,0,10,acept,furnished,850,6000,467,78,7395 +São Paulo,40,1,1,1,-,acept,not furnished,0,1300,68,20,1388 +São Paulo,45,2,1,1,25,not acept,not furnished,375,1756,0,23,2176 +Belo Horizonte,100,3,3,1,3,acept,not furnished,300,1400,0,19,1719 +São Paulo,140,3,2,2,2,acept,not furnished,1480,3700,167,47,5394 +Porto Alegre,313,3,3,4,5,acept,furnished,650,4500,150,66,5366 +São Paulo,25,1,1,0,5,not acept,furnished,270,2600,67,33,2970 +Rio de Janeiro,300,5,4,5,-,acept,not furnished,0,4080,234,63,4377 +Porto Alegre,28,1,1,0,4,acept,not furnished,200,500,25,8,733 +São Paulo,249,4,4,3,-,acept,not furnished,0,6800,0,103,6903 +Porto Alegre,112,4,2,1,2,acept,not furnished,765,1880,75,28,2748 +Porto Alegre,50,2,1,1,3,acept,not furnished,268,900,33,14,1215 +São Paulo,80,2,2,2,6,acept,not furnished,1770,3000,39,39,4848 +Belo Horizonte,117,2,1,0,-,acept,not furnished,0,2000,191,33,2224 +Porto Alegre,85,2,2,1,8,not acept,furnished,500,2800,100,41,3441 +São Paulo,45,1,1,0,7,acept,not furnished,265,1275,0,17,1557 +São Paulo,76,3,2,2,8,acept,not furnished,679,3400,201,44,4324 +Rio de Janeiro,30,1,1,0,5,not acept,not furnished,1100,505,85,7,1697 +Porto Alegre,20,1,1,1,-,acept,furnished,0,950,75,14,1039 +São Paulo,250,2,2,8,-,acept,furnished,0,4500,459,68,5027 +São Paulo,60,2,2,1,1,acept,not furnished,862,2514,0,32,3408 +Porto Alegre,65,2,2,1,2,acept,not furnished,680,1300,142,19,2141 +Campinas,55,1,1,1,1,not acept,not furnished,600,2230,0,29,2859 +São Paulo,150,2,1,2,-,acept,not furnished,0,5500,0,83,5583 +São Paulo,55,2,1,1,6,not acept,not furnished,450,1700,111,22,2283 +São Paulo,40,1,1,0,-,not acept,not furnished,0,650,0,10,660 +Rio de Janeiro,27,1,1,0,2,acept,furnished,0,2400,25,31,2456 +Porto Alegre,99,3,3,1,2,not acept,not furnished,600,2500,167,37,3304 +Rio de Janeiro,100,3,2,1,2,acept,not furnished,1300,4190,181,54,5725 +São Paulo,425,3,4,4,7,not acept,furnished,5719,11000,3084,140,19940 +São Paulo,44,2,1,1,12,acept,not furnished,400,1340,0,17,1757 +São Paulo,76,1,1,1,-,not acept,not furnished,0,1400,17,22,1439 +São Paulo,100,3,2,1,4,acept,not furnished,1200,6650,200,85,8135 +Belo Horizonte,380,4,5,4,-,acept,not furnished,0,8500,857,140,9497 +São Paulo,292,4,3,3,8,acept,furnished,2700,11480,709,146,15030 +São Paulo,350,5,3,6,-,acept,not furnished,0,5670,1084,86,6840 +São Paulo,420,4,5,0,-,acept,not furnished,0,6460,1480,98,8038 +Rio de Janeiro,100,2,1,1,4,acept,not furnished,1700,5000,0,65,6765 +Belo Horizonte,80,2,1,0,2,acept,not furnished,0,1150,75,16,1241 +Porto Alegre,61,2,1,1,2,acept,not furnished,210,1700,50,25,1985 +Campinas,48,2,1,0,2,acept,not furnished,250,700,18,9,977 +Campinas,100,3,2,8,-,acept,not furnished,0,2000,82,31,2113 +São Paulo,50,2,1,1,1,acept,not furnished,611,2895,133,37,3676 +São Paulo,141,4,3,1,5,not acept,not furnished,1200,4320,550,55,6125 +São Paulo,25,1,1,0,2,not acept,not furnished,160,620,15,8,803 +São Paulo,60,1,1,0,-,acept,not furnished,0,800,0,13,813 +Porto Alegre,75,2,1,0,3,acept,not furnished,260,880,38,13,1191 +São Paulo,45,2,1,1,11,acept,not furnished,380,1598,0,21,1999 +Porto Alegre,74,2,2,0,10,acept,not furnished,550,2700,50,40,3340 +São Paulo,38,1,1,0,1,not acept,not furnished,60,950,0,13,1023 +Porto Alegre,47,1,1,1,1,not acept,furnished,400,2200,0,33,2633 +São Paulo,63,2,3,1,1,acept,not furnished,690,2114,150,27,2981 +Porto Alegre,33,1,1,0,1,acept,not furnished,220,900,90,12,1222 +São Paulo,40,1,1,0,11,not acept,not furnished,370,3400,74,44,3888 +Belo Horizonte,180,3,3,2,4,acept,furnished,350,2800,150,38,3338 +São Paulo,56,2,2,1,2,not acept,not furnished,542,1510,131,20,2203 +São Paulo,250,4,2,8,-,acept,not furnished,0,13040,500,197,13740 +Belo Horizonte,400,4,3,3,-,not acept,not furnished,0,7000,613,115,7728 +Belo Horizonte,120,4,3,2,1,acept,not furnished,0,3250,0,44,3294 +Rio de Janeiro,200,4,3,1,1,not acept,furnished,2400,6800,534,88,9822 +São Paulo,200,3,3,2,7,acept,not furnished,4200,7225,642,92,12160 +São Paulo,63,2,2,1,7,not acept,not furnished,250,2500,0,32,2782 +São Paulo,54,1,1,1,8,acept,furnished,1250,3850,209,49,5358 +São Paulo,80,3,2,3,1,acept,not furnished,1150,1615,160,21,2946 +Rio de Janeiro,110,3,1,1,1,acept,not furnished,1000,3000,30,39,4069 +São Paulo,88,2,3,2,11,acept,not furnished,980,6835,0,44,7859 +Belo Horizonte,90,3,2,1,-,not acept,not furnished,0,1890,0,31,1921 +São Paulo,291,4,3,2,1,acept,not furnished,2600,5400,434,69,8503 +Porto Alegre,48,2,1,1,1,acept,not furnished,410,1400,30,21,1861 +Campinas,70,2,1,2,5,acept,not furnished,771,2100,55,27,2953 +São Paulo,193,4,4,4,3,not acept,not furnished,1700,9000,917,115,11730 +São Paulo,170,4,4,3,12,acept,furnished,4000,1440,834,19,6293 +São Paulo,30,1,1,0,-,not acept,not furnished,0,1200,0,19,1219 +São Paulo,86,1,2,1,13,acept,furnished,1800,6500,375,83,8758 +Campinas,50,1,1,1,4,acept,not furnished,400,700,26,9,1135 +Rio de Janeiro,40,1,1,0,1,acept,not furnished,295,1100,0,15,1410 +São Paulo,72,2,2,1,7,acept,not furnished,864,2500,234,32,3630 +São Paulo,47,1,1,0,4,not acept,not furnished,100,1000,76,13,1189 +Rio de Janeiro,60,2,1,1,2,acept,not furnished,550,1200,55,16,1821 +Rio de Janeiro,55,1,1,0,7,not acept,not furnished,795,2410,87,32,3324 +Belo Horizonte,462,4,6,0,9,acept,furnished,1320,7600,884,102,9906 +Belo Horizonte,280,4,4,3,10,acept,not furnished,1000,6500,458,87,8045 +São Paulo,230,6,4,8,-,acept,not furnished,0,10000,0,151,10150 +Belo Horizonte,100,3,2,3,15,acept,not furnished,880,2300,233,31,3444 +São Paulo,69,2,1,1,3,acept,not furnished,733,1400,98,18,2249 +São Paulo,50,2,1,1,7,not acept,not furnished,800,3400,200,44,4444 +São Paulo,71,3,2,2,11,acept,furnished,630,2190,92,28,2940 +São Paulo,163,3,4,3,13,acept,furnished,2900,3000,822,39,6761 +Rio de Janeiro,450,4,5,3,11,not acept,not furnished,2600,7500,825,97,11020 +Porto Alegre,29,1,1,0,11,not acept,not furnished,250,1042,24,8,1324 +Rio de Janeiro,70,2,2,0,2,acept,not furnished,950,2140,125,28,3243 +São Paulo,40,1,1,0,-,not acept,not furnished,180,850,41,13,1084 +Porto Alegre,22,1,1,0,6,acept,not furnished,180,800,20,12,1012 +São Paulo,299,4,5,4,8,acept,not furnished,3103,6300,1096,80,10580 +São Paulo,73,3,2,2,14,acept,not furnished,550,2520,192,32,3294 +São Paulo,440,6,7,0,-,acept,not furnished,0,5950,2320,90,8360 +São Paulo,330,4,5,5,13,acept,not furnished,4913,3911,2176,50,11050 +Porto Alegre,600,3,4,4,-,acept,not furnished,0,3300,186,59,3545 +Rio de Janeiro,195,3,3,0,8,acept,furnished,1300,10000,375,129,11800 +São Paulo,62,3,2,1,9,acept,not furnished,500,2000,125,26,2651 +São Paulo,230,3,6,5,18,acept,furnished,2200,11050,1500,141,14890 +São Paulo,64,2,1,1,9,acept,not furnished,400,1090,25,14,1529 +Campinas,60,2,1,1,3,acept,not furnished,470,1400,26,18,1914 +Rio de Janeiro,76,2,2,2,7,not acept,not furnished,1250,3300,226,43,4819 +São Paulo,230,3,3,1,3,acept,not furnished,1580,5800,589,74,8043 +São Paulo,200,2,2,1,-,acept,not furnished,0,2300,92,35,2427 +Rio de Janeiro,25,1,1,0,2,not acept,furnished,0,1800,40,24,1864 +São Paulo,90,2,1,1,2,acept,not furnished,1000,3000,50,39,4089 +Belo Horizonte,100,3,3,2,2,acept,not furnished,1200,3000,305,40,4545 +São Paulo,382,4,4,4,5,acept,not furnished,2190,3200,710,41,6141 +São Paulo,68,3,1,1,9,acept,not furnished,430,1450,0,19,1899 +Belo Horizonte,120,4,2,0,1,acept,not furnished,0,1800,60,30,1890 +São Paulo,85,2,1,1,1,acept,not furnished,400,1600,0,21,2021 +São Paulo,108,3,2,2,3,not acept,not furnished,823,3000,350,39,4212 +Rio de Janeiro,100,3,2,0,3,not acept,furnished,1250,2900,259,38,4447 +São Paulo,42,1,1,0,10,acept,furnished,420,1700,0,22,2142 +Porto Alegre,336,3,4,3,-,acept,not furnished,2000,12500,500,183,15180 +Belo Horizonte,200,4,3,2,-,acept,not furnished,0,13000,236,214,13450 +Belo Horizonte,50,2,1,0,-,not acept,not furnished,0,750,59,13,822 +São Paulo,30,1,1,0,2,acept,not furnished,300,1550,125,20,1995 +São Paulo,35,1,1,1,17,acept,not furnished,350,1950,84,25,2409 +Rio de Janeiro,100,2,2,0,1,acept,not furnished,1550,2956,310,39,4855 +São Paulo,112,1,2,2,7,acept,furnished,0,8389,0,107,8496 +São Paulo,40,1,1,1,5,acept,furnished,766,2156,123,28,3073 +São Paulo,58,2,1,1,1,acept,not furnished,1077,1900,100,25,3102 +São Paulo,250,3,4,4,15,acept,not furnished,2530,4000,1100,51,7681 +Porto Alegre,62,2,1,0,-,not acept,not furnished,80,1250,40,19,1389 +São Paulo,65,2,2,0,2,acept,not furnished,450,2200,61,28,2739 +Belo Horizonte,120,4,3,2,3,acept,not furnished,0,3250,0,44,3294 +São Paulo,22,1,1,0,6,not acept,not furnished,470,1800,62,23,2355 +Rio de Janeiro,35,1,1,0,7,not acept,not furnished,450,1100,21,15,1586 +São Paulo,102,3,2,1,4,acept,furnished,800,3200,80,41,4121 +São Paulo,500,4,5,6,-,not acept,not furnished,3,7225,1209,109,8546 +São Paulo,20,1,1,0,4,acept,furnished,602,1800,130,23,2555 +São Paulo,79,3,2,2,11,acept,not furnished,1200,2600,314,33,4147 +São Paulo,23,1,1,0,26,acept,not furnished,399,2150,42,28,2619 +São Paulo,360,3,5,3,13,acept,not furnished,4300,8500,1500,108,14410 +Campinas,470,4,4,0,-,acept,furnished,690,3700,723,56,5169 +Rio de Janeiro,70,2,1,1,15,acept,not furnished,450,1300,80,17,1847 +São Paulo,450,5,5,6,-,acept,not furnished,0,9500,1345,143,10990 +São Paulo,73,1,2,2,21,acept,furnished,1000,3500,0,45,4545 +São Paulo,204,4,5,3,10,not acept,not furnished,1900,8000,417,102,10420 +São Paulo,400,9,4,4,-,acept,not furnished,100,12000,500,181,12780 +Belo Horizonte,115,2,2,1,2,not acept,not furnished,350,1400,118,19,1887 +São Paulo,111,3,4,2,1,not acept,not furnished,680,4000,0,51,4731 +Campinas,120,4,3,8,-,acept,not furnished,0,4500,500,68,5068 +São Paulo,65,2,2,1,1,acept,not furnished,643,2300,63,30,3036 +São Paulo,39,1,1,1,1,acept,furnished,1144,2500,301,32,3977 +Porto Alegre,70,2,1,0,3,acept,not furnished,300,1400,59,21,1780 +São Paulo,35,1,1,0,15,acept,not furnished,300,1500,0,20,1820 +São Paulo,60,2,3,2,6,not acept,not furnished,730,1100,19,14,1863 +Campinas,50,2,1,1,1,acept,not furnished,430,680,50,9,1169 +São Paulo,221,3,5,4,9,acept,not furnished,1554,10850,643,138,13190 +São Paulo,130,2,2,1,-,acept,not furnished,1100,4300,100,55,5555 +São Paulo,310,4,3,3,11,acept,not furnished,3500,8000,0,102,11600 +São Paulo,33,1,1,0,16,acept,not furnished,350,1500,0,20,1870 +Belo Horizonte,45,1,1,0,-,not acept,not furnished,75,800,50,14,939 +Campinas,45,1,1,1,4,not acept,not furnished,417,850,140,11,1418 +São Paulo,105,2,1,2,10,acept,not furnished,870,2360,155,30,3415 +Belo Horizonte,280,4,2,3,3,not acept,not furnished,1800,3500,471,47,5818 +São Paulo,50,1,1,1,6,not acept,furnished,1450,2500,342,32,4324 +Rio de Janeiro,30,1,1,0,2,acept,not furnished,800,1250,0,17,2067 +São Paulo,50,2,1,1,1,acept,not furnished,550,1450,0,19,2019 +Porto Alegre,70,2,1,1,8,acept,furnished,520,1900,378,28,2826 +Belo Horizonte,30,1,1,0,3,not acept,not furnished,0,1500,0,20,1520 +São Paulo,132,4,4,3,8,acept,not furnished,2170,2400,442,31,5043 +Rio de Janeiro,250,2,3,2,-,acept,not furnished,0,3500,349,54,3903 +São Paulo,147,4,2,2,-,acept,not furnished,0,2100,128,32,2260 +Belo Horizonte,159,3,3,3,7,acept,furnished,2000,7100,150,95,9345 +São Paulo,230,3,3,4,12,acept,furnished,2300,3200,750,41,6291 +Campinas,75,3,2,2,5,acept,not furnished,480,1450,75,19,2024 +Rio de Janeiro,250,7,3,0,-,acept,not furnished,0,15000,0,229,15230 +São Paulo,620,4,5,5,8,acept,not furnished,7963,15000,5160,191,28310 +São Paulo,118,3,2,4,1,acept,not furnished,850,2250,334,29,3463 +Porto Alegre,440,3,3,3,8,not acept,not furnished,100,10500,84,154,10840 +Porto Alegre,55,2,1,0,3,not acept,not furnished,290,1195,210,18,1713 +São Paulo,482,4,4,4,-,acept,not furnished,0,9180,1250,138,10570 +São Paulo,550,5,6,0,-,acept,furnished,0,15000,1435,226,16660 +São Paulo,55,2,1,1,6,acept,furnished,815,3000,123,39,3977 +Rio de Janeiro,140,4,2,1,11,acept,not furnished,2000,3500,167,46,5713 +Rio de Janeiro,28,1,1,0,6,acept,furnished,580,1850,59,24,2513 +Porto Alegre,103,3,1,3,-,acept,furnished,0,2200,670,40,2910 +São Paulo,53,2,1,1,8,acept,not furnished,380,1270,31,17,1698 +São Paulo,300,4,7,4,1,acept,not furnished,3000,9800,1405,125,14330 +São Paulo,190,4,4,3,23,acept,furnished,1100,7110,589,91,8890 +São Paulo,99,2,1,1,-,acept,not furnished,0,3650,230,55,3935 +São Paulo,84,3,2,2,10,acept,not furnished,950,1600,258,21,2829 +São Paulo,161,4,3,3,-,acept,not furnished,0,3600,300,46,3946 +São Paulo,53,2,1,1,5,acept,not furnished,690,950,12,13,1665 +Rio de Janeiro,16,1,1,0,9,acept,furnished,480,1390,0,18,1888 +São Paulo,36,1,1,1,1,acept,not furnished,465,3000,84,39,3588 +Rio de Janeiro,50,1,1,1,1,acept,not furnished,806,2300,132,30,3268 +Porto Alegre,70,3,1,1,9,not acept,not furnished,325,1800,0,27,2152 +São Paulo,105,3,2,2,5,acept,not furnished,1661,1000,290,13,2964 +São Paulo,30,1,1,0,7,not acept,not furnished,545,1350,39,18,1952 +São Paulo,216,4,4,3,3,not acept,furnished,3500,8000,1125,102,12730 +Belo Horizonte,50,3,1,1,4,acept,not furnished,210,1250,0,17,1477 +São Paulo,250,3,4,2,1,not acept,not furnished,2400,7000,42,89,9531 +São Paulo,230,3,3,2,-,acept,not furnished,0,2460,330,37,2827 +São Paulo,157,3,2,0,7,acept,not furnished,1325,4500,347,58,6230 +Porto Alegre,150,3,3,0,2,not acept,furnished,1140,4740,290,70,6240 +São Paulo,110,3,2,0,1,acept,furnished,478,2200,6,28,2712 +São Paulo,193,4,3,3,10,acept,furnished,3000,13100,898,166,17160 +São Paulo,114,2,2,2,15,acept,furnished,1200,4998,0,64,6262 +Porto Alegre,92,2,2,1,8,not acept,furnished,800,1900,120,28,2848 +São Paulo,75,3,3,0,12,acept,not furnished,650,2660,10,34,3354 +São Paulo,270,2,2,3,-,acept,not furnished,1,1429,0,22,1452 +Campinas,80,2,2,1,8,acept,furnished,860,2000,34,26,2920 +Porto Alegre,90,4,2,1,3,not acept,not furnished,400,2142,212,32,2786 +Rio de Janeiro,130,3,3,1,2,acept,not furnished,900,2500,128,33,3561 +São Paulo,40,1,1,0,-,not acept,furnished,0,860,59,13,932 +São Paulo,60,2,2,1,6,acept,not furnished,650,2127,23,27,2827 +Porto Alegre,64,1,1,1,6,acept,not furnished,400,1500,400,22,2322 +Rio de Janeiro,80,2,1,1,3,acept,furnished,2500,8000,325,104,10930 +São Paulo,45,1,1,1,-,not acept,not furnished,405,800,0,11,1216 +São Paulo,60,2,2,1,22,not acept,furnished,550,4000,0,51,4601 +São Paulo,277,3,2,1,11,acept,not furnished,2332,7800,601,99,10830 +São Paulo,57,1,1,0,6,acept,furnished,300,6000,17,77,6394 +São Paulo,23,1,1,1,26,acept,not furnished,472,2300,59,30,2861 +São Paulo,73,3,2,2,4,acept,not furnished,650,2500,236,32,3418 +São Paulo,36,1,1,0,9,acept,not furnished,385,2150,40,28,2603 +Belo Horizonte,88,2,3,2,8,not acept,not furnished,300,1450,110,20,1880 +São Paulo,197,4,3,1,3,acept,not furnished,2640,2800,514,36,5990 +Belo Horizonte,175,3,2,2,9,acept,not furnished,896,2400,350,32,3678 +São Paulo,400,4,4,4,9,acept,not furnished,4700,9000,1125,115,14940 +São Paulo,260,3,4,3,-,acept,not furnished,0,5000,393,47,5440 +Rio de Janeiro,80,2,1,0,3,not acept,not furnished,450,1100,0,15,1565 +São Paulo,190,3,3,4,-,acept,furnished,1,4500,0,68,4569 +Rio de Janeiro,65,1,1,0,1,acept,not furnished,350,1800,30,24,2204 +São Paulo,50,1,1,0,-,not acept,not furnished,0,1250,34,19,1303 +São Paulo,136,3,3,2,8,not acept,furnished,1535,8900,482,113,11030 +São Paulo,96,3,3,2,8,acept,not furnished,866,1710,90,22,2688 +Belo Horizonte,155,4,1,2,4,acept,not furnished,550,3350,249,45,4194 +São Paulo,384,5,5,3,13,acept,not furnished,4000,8000,1240,102,13340 +Rio de Janeiro,144,3,2,0,2,acept,furnished,1575,5500,530,71,7676 +São Paulo,135,3,3,2,7,not acept,not furnished,1500,13800,375,175,15850 +São Paulo,25,1,1,0,-,not acept,not furnished,0,1000,84,16,1100 +Rio de Janeiro,55,2,1,0,4,acept,not furnished,833,2200,99,29,3161 +São Paulo,250,3,3,2,-,not acept,furnished,0,7000,417,106,7523 +São Paulo,66,2,1,1,5,not acept,not furnished,834,2140,0,28,3002 +Belo Horizonte,240,4,4,6,13,not acept,not furnished,1700,15000,1085,200,17990 +São Paulo,176,4,5,0,1,acept,furnished,1350,9500,792,121,11760 +Rio de Janeiro,88,3,2,1,6,acept,not furnished,1586,3500,240,46,5372 +Rio de Janeiro,70,2,1,1,9,acept,not furnished,700,2600,30,34,3364 +São Paulo,127,2,2,3,-,acept,not furnished,0,2600,133,40,2773 +São Paulo,201,3,5,3,2,not acept,furnished,2550,10000,795,127,13470 +Campinas,60,2,1,1,8,not acept,furnished,500,3250,156,42,3948 +São Paulo,42,1,1,1,7,not acept,furnished,743,2800,209,36,3788 +Porto Alegre,65,2,1,1,2,acept,not furnished,135,1400,22,21,1578 +Belo Horizonte,20,1,1,1,-,acept,furnished,0,1100,0,15,1115 +Rio de Janeiro,118,3,2,0,4,not acept,not furnished,1650,2550,172,33,4405 +São Paulo,98,3,5,1,10,acept,not furnished,750,5510,0,70,6330 +São Paulo,505,3,5,0,12,not acept,not furnished,4906,8600,2434,109,16050 +Rio de Janeiro,110,3,1,2,7,acept,not furnished,1300,5000,417,65,6782 +Porto Alegre,75,2,2,1,3,acept,furnished,583,2100,68,31,2782 +São Paulo,50,1,1,0,-,not acept,not furnished,0,750,0,12,762 +Porto Alegre,93,2,1,0,4,not acept,not furnished,645,800,86,12,1543 +São Paulo,230,4,6,4,12,acept,not furnished,2850,3000,2658,39,8547 +Belo Horizonte,300,4,3,3,8,acept,not furnished,2059,5000,535,67,7661 +Belo Horizonte,80,3,2,2,8,acept,not furnished,230,1450,140,20,1840 +São Paulo,144,4,4,4,3,acept,not furnished,1900,4900,667,63,7530 +São Paulo,299,3,3,3,1,acept,not furnished,2689,1942,316,25,4972 +São Paulo,168,4,3,3,5,acept,not furnished,2128,13000,809,165,16100 +Rio de Janeiro,120,3,2,0,7,acept,not furnished,1150,1450,308,19,2927 +São Paulo,135,3,2,1,-,acept,not furnished,0,2900,180,44,3124 +Rio de Janeiro,39,1,1,0,3,acept,not furnished,380,980,20,13,1393 +São Paulo,211,2,2,2,-,acept,not furnished,1,4500,752,68,5321 +Porto Alegre,160,2,3,2,-,acept,furnished,800,5200,100,93,6193 +São Paulo,60,2,1,1,5,acept,not furnished,662,1150,120,15,1947 +Campinas,45,1,1,1,9,not acept,furnished,492,1900,83,25,2500 +São Paulo,120,3,3,2,-,acept,not furnished,0,2900,375,44,3319 +Campinas,136,4,5,3,6,acept,furnished,1253,3579,218,46,5096 +São Paulo,140,2,2,2,8,acept,furnished,880,3990,394,51,5315 +São Paulo,380,4,5,4,5,acept,furnished,4180,4080,1509,52,9821 +São Paulo,62,2,1,1,13,acept,not furnished,543,2200,59,28,2830 +São Paulo,35,1,1,1,5,not acept,furnished,444,3290,124,42,3900 +São Paulo,100,4,3,0,4,acept,furnished,1060,4280,175,55,5570 +Campinas,60,1,1,1,-,acept,not furnished,0,1300,30,20,1350 +Rio de Janeiro,95,2,1,0,-,acept,not furnished,100,2000,55,31,2186 +São Paulo,25,1,1,0,1,not acept,not furnished,0,1200,35,16,1251 +Belo Horizonte,255,3,2,4,-,not acept,not furnished,0,2800,250,46,3096 +Campinas,180,3,3,3,7,acept,not furnished,2400,7600,477,97,10570 +São Paulo,59,2,1,1,12,acept,not furnished,480,1510,0,20,2010 +São Paulo,420,3,3,4,7,acept,not furnished,8043,12000,2936,153,23130 +São Paulo,125,3,3,3,1,acept,not furnished,2076,5000,1165,64,8305 +São Paulo,80,2,1,0,1,acept,not furnished,0,1800,209,23,2032 +Campinas,37,1,1,0,4,not acept,furnished,382,742,0,10,1134 +São Paulo,110,3,3,2,18,acept,not furnished,1160,2200,418,28,3806 +São Paulo,150,4,2,2,-,acept,not furnished,0,3100,267,47,3414 +Rio de Janeiro,31,1,1,0,5,not acept,not furnished,630,1750,50,23,2453 +Belo Horizonte,100,3,2,1,5,acept,not furnished,730,1500,120,20,2370 +São Paulo,100,2,2,0,1,not acept,not furnished,0,1710,175,22,1907 +Rio de Janeiro,56,2,2,0,1,not acept,furnished,610,2500,84,33,3227 +Belo Horizonte,75,3,1,1,1,not acept,not furnished,160,1100,80,15,1355 +São Paulo,166,2,1,5,-,acept,furnished,0,2200,200,34,2434 +Porto Alegre,129,3,3,0,2,acept,not furnished,1800,3800,225,56,5881 +São Paulo,80,3,1,0,-,acept,not furnished,0,6000,0,91,6091 +São Paulo,204,3,2,2,2,acept,not furnished,3550,7000,764,89,11400 +São Paulo,303,3,3,4,4,acept,furnished,4911,10250,2470,130,17760 +São Paulo,221,4,4,4,17,not acept,not furnished,3100,12830,920,163,17010 +Porto Alegre,75,3,1,0,3,acept,not furnished,400,1080,22,16,1518 +Campinas,44,1,1,0,4,acept,not furnished,417,520,23,7,967 +São Paulo,50,2,1,1,8,acept,not furnished,580,1100,100,14,1794 +São Paulo,95,3,3,2,16,not acept,furnished,900,3150,121,40,4211 +Porto Alegre,75,2,1,0,10,acept,furnished,282,1020,150,15,1467 +São Paulo,48,1,1,1,6,acept,not furnished,500,2200,35,28,2763 +Belo Horizonte,114,3,2,2,8,not acept,not furnished,784,3500,308,47,4639 +Campinas,75,2,2,2,6,acept,not furnished,730,2000,148,26,2904 +São Paulo,220,3,3,2,14,not acept,furnished,1499,6300,468,80,8347 +São Paulo,100,4,3,2,2,acept,not furnished,1027,2500,369,32,3928 +Rio de Janeiro,380,3,4,3,13,not acept,furnished,3000,15000,2500,194,20690 +Rio de Janeiro,50,1,1,0,8,not acept,furnished,2300,1850,35,24,4209 +Belo Horizonte,50,2,1,0,-,not acept,not furnished,0,1050,0,18,1068 +Rio de Janeiro,80,2,1,1,5,acept,not furnished,1180,2400,129,31,3740 +Belo Horizonte,45,1,1,1,2,not acept,furnished,300,3000,0,40,3340 +São Paulo,250,3,3,2,7,acept,not furnished,3500,12750,1084,162,17500 +São Paulo,44,1,1,1,6,not acept,not furnished,308,3300,149,42,3799 +São Paulo,50,2,1,1,3,acept,not furnished,700,4500,125,58,5383 +São Paulo,156,3,4,2,2,acept,not furnished,1800,2000,0,26,3826 +São Paulo,42,1,1,1,2,acept,not furnished,700,2326,160,9,3195 +Campinas,570,4,6,5,-,acept,not furnished,0,12000,817,181,13000 +Campinas,67,2,1,0,-,acept,not furnished,0,880,41,14,935 +São Paulo,264,4,4,6,-,acept,not furnished,0,6440,574,97,7111 +São Paulo,350,3,4,4,-,acept,not furnished,0,3100,2900,47,6047 +São Paulo,54,2,2,1,12,acept,not furnished,954,2800,192,36,3982 +Rio de Janeiro,400,2,2,1,7,acept,not furnished,700,2300,6,30,3036 +Belo Horizonte,420,4,3,8,-,acept,not furnished,0,6320,0,104,6424 +Belo Horizonte,50,1,1,0,1,acept,not furnished,0,750,30,10,790 +São Paulo,93,2,1,1,1,acept,not furnished,390,2150,76,28,2644 +São Paulo,350,4,4,2,-,acept,not furnished,0,10000,500,151,10650 +São Paulo,135,3,3,2,14,acept,furnished,946,2690,361,35,4032 +São Paulo,32,1,1,0,1,not acept,not furnished,26,1290,33,17,1366 +Rio de Janeiro,52,1,1,1,3,acept,furnished,584,2390,117,31,3122 +São Paulo,250,3,4,2,10,acept,not furnished,2900,10000,584,127,13610 +São Paulo,60,1,2,2,6,acept,not furnished,700,3000,0,39,3739 +Campinas,109,3,1,1,11,acept,not furnished,903,1150,146,15,2214 +São Paulo,200,3,3,1,8,acept,not furnished,1687,5800,365,74,7926 +São Paulo,38,1,1,1,13,acept,furnished,300,2400,0,31,2731 +Porto Alegre,30,1,1,1,1,not acept,furnished,0,1330,0,20,1350 +São Paulo,215,3,4,4,10,acept,not furnished,3313,12000,1252,153,16720 +São Paulo,340,4,6,4,6,acept,not furnished,5500,9600,2167,122,17390 +Rio de Janeiro,30,1,1,0,4,acept,furnished,400,2900,100,38,3438 +São Paulo,850,4,4,8,-,acept,not furnished,0,12000,5834,181,18020 +São Paulo,90,3,2,1,9,acept,not furnished,1000,1800,44,23,2867 +São Paulo,180,3,4,4,22,acept,not furnished,1545,12000,818,153,14520 +Rio de Janeiro,60,1,1,1,1,acept,not furnished,650,2165,110,28,2953 +São Paulo,50,2,1,1,7,acept,not furnished,400,1850,167,24,2441 +São Paulo,280,3,3,2,-,acept,not furnished,0,3500,250,53,3803 +São Paulo,48,1,1,1,3,acept,not furnished,660,3300,110,42,4112 +São Paulo,42,1,1,0,6,acept,furnished,345,1800,0,23,2168 +Campinas,210,3,3,0,-,acept,not furnished,0,3050,300,46,3396 +Campinas,70,2,2,1,-,acept,not furnished,0,1400,44,22,1466 +Belo Horizonte,100,3,2,0,-,not acept,not furnished,0,12000,236,197,12430 +São Paulo,520,4,6,4,-,acept,not furnished,0,15000,2250,226,17480 +São Paulo,253,3,3,4,3,acept,not furnished,3172,4500,1125,58,8855 +Belo Horizonte,60,1,1,0,8,acept,not furnished,340,950,55,13,1358 +São Paulo,210,3,2,3,-,acept,not furnished,0,2860,0,43,2903 +São Paulo,66,2,1,1,3,acept,not furnished,1141,1650,166,21,2978 +São Paulo,190,3,3,4,-,acept,furnished,1800,12500,780,159,15240 +São Paulo,17,1,1,0,1,not acept,furnished,300,2200,50,28,2578 +Rio de Janeiro,157,3,2,1,2,acept,not furnished,2499,4500,550,58,7607 +Belo Horizonte,40,1,1,2,11,acept,not furnished,488,1600,126,22,2236 +Belo Horizonte,100,3,2,2,11,acept,not furnished,978,1500,169,20,2667 +Campinas,238,4,5,4,10,acept,furnished,1800,5000,421,64,7285 +Belo Horizonte,102,3,2,2,6,acept,not furnished,1150,1100,0,15,2265 +Campinas,188,2,3,8,-,acept,not furnished,0,2930,584,45,3559 +São Paulo,50,1,1,0,-,not acept,not furnished,0,750,0,12,762 +São Paulo,250,3,3,2,3,acept,not furnished,1900,9500,500,121,12020 +Rio de Janeiro,139,2,2,1,10,acept,furnished,1000,1300,234,17,2551 +Porto Alegre,125,3,2,2,3,acept,furnished,1000,7700,292,113,9105 +São Paulo,40,1,1,0,-,not acept,not furnished,0,1200,100,19,1319 +São Paulo,65,2,2,1,15,not acept,furnished,1072,7500,165,96,8833 +Campinas,68,3,2,2,9,acept,not furnished,568,1500,55,20,2143 +São Paulo,85,2,1,0,1,acept,not furnished,720,3100,28,40,3888 +São Paulo,200,2,5,2,2,not acept,furnished,2448,15000,937,191,18580 +Rio de Janeiro,94,3,1,1,7,acept,furnished,750,2600,122,34,3506 +Porto Alegre,38,1,1,1,9,acept,not furnished,350,2500,42,37,2929 +Campinas,105,3,2,2,-,acept,not furnished,0,2000,121,31,2152 +Porto Alegre,67,1,1,0,2,acept,not furnished,220,950,25,14,1209 +São Paulo,104,3,3,2,3,not acept,furnished,915,9000,254,115,10280 +São Paulo,50,2,1,1,12,acept,not furnished,462,1900,0,25,2387 +Rio de Janeiro,145,3,3,0,5,acept,not furnished,1000,4500,285,58,5843 +São Paulo,225,3,2,2,-,acept,not furnished,0,2300,209,35,2544 +São Paulo,20,1,1,0,6,acept,furnished,602,1800,130,23,2555 +São Paulo,170,4,5,3,14,acept,furnished,1927,5200,709,66,7902 +São Paulo,30,1,1,1,7,not acept,not furnished,1959,1630,227,21,3837 +Belo Horizonte,75,3,1,1,4,acept,not furnished,263,1100,61,15,1439 +Campinas,75,2,2,1,11,acept,not furnished,500,1189,75,16,1780 +São Paulo,250,4,4,3,6,acept,not furnished,2360,6970,1580,89,11000 +São Paulo,120,3,2,0,1,acept,not furnished,0,2500,84,38,2622 +Rio de Janeiro,45,1,1,0,6,acept,not furnished,560,1901,80,25,2566 +Rio de Janeiro,225,4,4,3,7,not acept,not furnished,4799,7500,1095,97,13490 +São Paulo,245,4,5,4,19,acept,furnished,2863,7000,750,89,10700 +Porto Alegre,50,1,1,0,10,acept,not furnished,250,1350,0,20,1620 +São Paulo,350,3,4,2,-,acept,furnished,0,7000,507,106,7613 +Rio de Janeiro,117,3,4,1,2,acept,not furnished,0,4870,464,63,5397 +Belo Horizonte,80,1,2,0,2,acept,not furnished,150,1100,68,15,1333 +São Paulo,340,3,4,5,20,acept,not furnished,4500,9800,0,125,14430 +São Paulo,60,2,1,0,3,acept,not furnished,400,1000,0,13,1413 +São Paulo,250,3,2,8,-,acept,not furnished,0,5950,472,90,6512 +São Paulo,45,1,1,0,-,not acept,not furnished,0,1160,0,18,1178 +São Paulo,57,2,1,1,3,acept,not furnished,625,1100,3,14,1742 +São Paulo,30,1,1,1,8,not acept,furnished,658,3500,123,45,4326 +Campinas,70,2,2,1,9,acept,not furnished,300,1500,95,20,1915 +São Paulo,55,2,2,1,5,acept,not furnished,380,1850,0,24,2254 +São Paulo,35,1,1,0,-,not acept,not furnished,0,1800,101,28,1929 +São Paulo,75,3,2,2,3,acept,not furnished,600,2150,150,28,2928 +São Paulo,156,3,3,5,-,not acept,not furnished,0,4000,0,34,4034 +Belo Horizonte,90,2,1,1,4,acept,not furnished,400,1500,0,20,1920 +Rio de Janeiro,90,3,2,2,2,acept,furnished,850,2500,250,33,3633 +Rio de Janeiro,200,3,2,2,3,acept,not furnished,1650,15000,750,194,17590 +São Paulo,86,2,1,1,1,acept,not furnished,960,2372,0,10,3342 +São Paulo,60,1,1,1,19,acept,not furnished,590,3500,150,45,4285 +Porto Alegre,50,1,1,0,1,acept,not furnished,190,990,10,15,1205 +São Paulo,108,3,2,2,6,acept,not furnished,1200,5600,275,71,7146 +São Paulo,48,1,1,1,3,acept,not furnished,433,2630,0,34,3097 +São Paulo,100,3,2,1,9,acept,furnished,890,6502,0,83,7475 +Campinas,48,1,1,0,4,not acept,not furnished,400,800,80,11,1291 +Porto Alegre,67,2,1,1,8,acept,not furnished,500,1550,77,23,2150 +Rio de Janeiro,120,3,3,0,6,not acept,furnished,1200,9240,209,120,10770 +São Paulo,250,4,4,3,-,acept,not furnished,0,3824,0,58,3882 +São Paulo,49,1,1,1,5,acept,not furnished,430,1760,21,23,2234 +São Paulo,140,1,2,2,1,not acept,furnished,1400,4500,334,58,6292 +São Paulo,105,2,1,2,5,acept,furnished,1300,3120,0,40,4460 +Porto Alegre,60,2,1,1,3,acept,not furnished,435,920,30,14,1399 +São Paulo,300,4,2,4,27,acept,not furnished,2960,10040,875,128,14000 +São Paulo,93,2,2,1,2,acept,not furnished,400,2500,84,32,3016 +São Paulo,72,2,2,1,1,acept,not furnished,742,2330,0,30,3102 +Campinas,60,2,1,1,3,acept,not furnished,345,820,16,11,1192 +São Paulo,250,3,4,4,-,acept,furnished,0,4200,0,64,4264 +Rio de Janeiro,160,4,3,1,4,acept,furnished,1900,6300,667,82,8949 +São Paulo,104,2,2,1,6,not acept,furnished,1100,4000,10,51,5161 +Porto Alegre,66,2,1,1,1,acept,not furnished,270,1000,38,15,1323 +Belo Horizonte,148,2,3,3,12,acept,not furnished,870,15000,685,200,16760 +São Paulo,1000,4,2,8,-,acept,not furnished,0,15000,2334,226,17560 +Campinas,120,4,2,1,-,acept,not furnished,0,1500,0,23,1523 +Porto Alegre,100,3,3,1,5,not acept,not furnished,700,3500,84,52,4336 +Rio de Janeiro,114,2,2,1,7,not acept,not furnished,1450,3600,350,47,5447 +São Paulo,153,3,4,3,17,acept,furnished,2000,6300,534,80,8914 +São Paulo,164,3,4,2,13,acept,not furnished,2900,12500,915,159,16470 +São Paulo,65,2,2,1,-,acept,not furnished,0,2040,0,31,2071 +Campinas,270,4,5,0,-,not acept,not furnished,0,5500,357,83,5940 +São Paulo,225,4,6,4,4,acept,not furnished,2800,4500,742,58,8100 +Rio de Janeiro,124,4,2,1,2,acept,not furnished,1812,5900,395,77,8184 +São Paulo,68,3,1,2,4,acept,not furnished,990,882,20,12,1904 +São Paulo,96,3,3,2,1,acept,not furnished,948,5100,296,65,6409 +São Paulo,210,4,4,3,-,acept,furnished,0,4700,375,71,5146 +São Paulo,750,4,5,6,-,acept,not furnished,0,13000,1500,196,14700 +São Paulo,70,2,2,2,11,not acept,furnished,2847,2954,590,38,6429 +Rio de Janeiro,15,1,1,0,-,acept,not furnished,0,700,0,10,710 +São Paulo,33,1,1,1,13,not acept,furnished,540,3300,0,42,3882 +Belo Horizonte,311,4,3,3,20,not acept,not furnished,2252,9000,583,120,11960 +São Paulo,160,3,2,1,5,acept,not furnished,1715,7700,470,98,9983 +São Paulo,158,3,3,2,8,acept,furnished,1450,3000,175,39,4664 +Campinas,62,2,1,1,3,acept,not furnished,485,980,48,13,1526 +Belo Horizonte,105,3,2,1,3,not acept,not furnished,500,1200,135,16,1851 +São Paulo,250,3,4,2,5,acept,furnished,2600,8000,500,102,11200 +Porto Alegre,47,1,1,1,1,not acept,furnished,400,2200,0,33,2633 +São Paulo,90,3,2,0,9,acept,not furnished,930,2300,84,30,3344 +São Paulo,295,4,4,4,21,acept,not furnished,3700,9500,1417,121,14740 +São Paulo,133,4,3,0,1,acept,not furnished,550,3550,309,45,4454 +São Paulo,220,5,5,4,22,acept,not furnished,1900,8880,875,113,11770 +São Paulo,70,2,1,1,14,acept,not furnished,576,2400,162,31,3169 +Belo Horizonte,101,3,2,2,2,acept,not furnished,958,2400,20,32,3410 +Belo Horizonte,320,3,2,5,1,acept,not furnished,420,2900,200,39,3559 +Belo Horizonte,802,6,6,8,-,acept,furnished,0,15000,1003,246,16250 +Rio de Janeiro,28,1,1,0,11,not acept,furnished,350,2300,55,30,2735 +Porto Alegre,35,1,1,0,2,acept,not furnished,120,1170,92,18,1400 +São Paulo,115,3,1,2,5,acept,not furnished,945,4300,300,55,5600 +Rio de Janeiro,70,2,2,1,10,acept,furnished,1800,4200,250,55,6305 +Rio de Janeiro,157,3,3,2,10,acept,not furnished,1620,3800,382,49,5851 +São Paulo,40,1,1,0,-,not acept,not furnished,0,750,0,12,762 +Rio de Janeiro,205,2,2,0,12,acept,furnished,1560,7000,132,91,8783 +Belo Horizonte,75,3,2,1,2,acept,not furnished,225,1600,119,22,1966 +São Paulo,126,3,2,2,5,acept,not furnished,900,3650,150,16,4716 +São Paulo,19,1,1,0,-,not acept,not furnished,0,1200,41,16,1257 +São Paulo,130,3,2,2,1,acept,furnished,1100,3500,584,45,5229 +São Paulo,360,5,4,0,7,not acept,not furnished,4800,3000,2084,39,9923 +São Paulo,102,2,1,0,1,acept,not furnished,200,1700,17,22,1939 +São Paulo,290,3,3,1,5,acept,not furnished,2500,2500,340,32,5372 +São Paulo,47,2,1,1,1,not acept,not furnished,500,1150,38,15,1703 +São Paulo,130,2,1,1,1,acept,not furnished,0,2200,180,28,2408 +Porto Alegre,75,3,2,1,2,acept,not furnished,240,1500,63,22,1825 +Rio de Janeiro,84,2,1,0,2,acept,not furnished,420,1700,85,22,2227 +São Paulo,25,1,1,1,16,not acept,furnished,344,2200,45,28,2617 +São Paulo,36,1,1,0,3,acept,furnished,450,2500,30,32,3012 +Belo Horizonte,260,4,3,3,4,acept,furnished,2650,3300,555,44,6549 +Rio de Janeiro,140,4,3,1,8,acept,not furnished,2173,7500,466,97,10240 +São Paulo,400,4,3,2,-,acept,not furnished,0,5650,338,85,6073 +São Paulo,47,1,1,0,2,acept,not furnished,198,1490,66,19,1773 +Rio de Janeiro,240,4,4,2,2,acept,furnished,3690,12500,938,162,17290 +São Paulo,800,4,2,6,-,acept,furnished,0,15000,1667,226,16890 +São Paulo,160,3,4,2,3,acept,not furnished,2462,8500,60,108,11130 +Rio de Janeiro,103,3,1,0,2,acept,not furnished,1300,3500,0,46,4846 +São Paulo,55,2,2,1,17,not acept,not furnished,700,1680,0,22,2402 +São Paulo,300,4,4,5,11,acept,not furnished,3150,11000,1225,140,15520 +São Paulo,67,1,1,1,1,acept,not furnished,759,3120,350,40,4269 +São Paulo,175,3,5,3,15,acept,not furnished,2312,7650,1308,97,11370 +Rio de Janeiro,100,2,3,1,7,acept,furnished,700,3170,84,41,3995 +Campinas,80,3,1,0,6,acept,not furnished,500,1000,30,13,1543 +Rio de Janeiro,60,2,1,1,4,acept,not furnished,750,1300,0,17,2067 +Rio de Janeiro,154,3,2,0,2,acept,furnished,1200,12000,200,155,13560 +São Paulo,120,3,3,3,11,acept,not furnished,1800,2500,321,32,4653 +Campinas,160,2,1,2,-,acept,not furnished,0,3950,125,60,4135 +Belo Horizonte,105,3,2,2,3,acept,not furnished,1174,3700,350,50,5274 +São Paulo,110,2,2,0,-,not acept,furnished,0,3500,34,53,3587 +Rio de Janeiro,58,1,1,1,11,acept,not furnished,650,1050,56,14,1770 +São Paulo,60,3,1,0,3,acept,not furnished,550,1700,80,22,2352 +Rio de Janeiro,80,2,1,0,2,not acept,not furnished,30,2900,34,38,3002 +Porto Alegre,35,1,1,0,1,acept,not furnished,120,1170,92,18,1400 +São Paulo,22,1,1,0,1,not acept,furnished,300,900,40,12,1252 +Porto Alegre,93,3,1,0,1,not acept,not furnished,644,2400,143,36,3223 +Belo Horizonte,263,3,4,4,15,acept,not furnished,2565,13000,1437,174,17180 +São Paulo,150,3,1,2,-,acept,not furnished,0,3600,334,55,3989 +São Paulo,20,1,1,0,5,acept,furnished,602,1800,130,23,2555 +São Paulo,250,4,2,1,-,acept,furnished,0,3500,42,53,3595 +São Paulo,510,4,6,4,9,acept,furnished,5300,5000,3167,64,13530 +São Paulo,57,2,2,2,10,acept,not furnished,900,1950,2,25,2877 +Campinas,58,2,1,1,1,acept,furnished,400,2400,60,31,2891 +Belo Horizonte,200,3,3,1,2,acept,not furnished,0,2100,94,35,2229 +São Paulo,387,4,6,4,1,acept,not furnished,5200,6400,2792,82,14470 +Rio de Janeiro,200,4,2,2,-,acept,not furnished,0,4500,157,69,4726 +Porto Alegre,52,2,1,1,4,not acept,not furnished,450,900,0,14,1364 +São Paulo,275,3,3,1,11,acept,furnished,886,8850,0,113,9849 +Rio de Janeiro,76,2,2,2,8,acept,not furnished,780,2740,180,36,3736 +São Paulo,70,1,2,6,-,acept,not furnished,0,3290,417,50,3757 +Porto Alegre,68,3,2,1,4,acept,furnished,586,2200,56,33,2875 +São Paulo,108,2,2,1,9,acept,not furnished,1726,5500,380,70,7676 +Porto Alegre,114,3,1,0,3,acept,not furnished,210,1700,75,25,2010 +Porto Alegre,90,2,2,1,2,acept,not furnished,300,1900,84,28,2312 +Rio de Janeiro,20,1,1,0,5,acept,not furnished,450,500,63,7,1020 +Belo Horizonte,51,3,1,1,2,acept,not furnished,170,1000,27,14,1211 +Belo Horizonte,550,5,5,3,-,acept,not furnished,0,14000,364,230,14590 +Porto Alegre,36,1,1,1,4,acept,not furnished,350,650,9,10,1019 +São Paulo,230,3,4,4,6,not acept,not furnished,3350,11500,1250,146,16250 +São Paulo,35,1,1,1,-,acept,not furnished,0,1500,101,23,1624 +Porto Alegre,700,8,8,4,-,acept,not furnished,0,12000,0,214,12210 +São Paulo,140,3,2,1,1,acept,furnished,700,6000,109,77,6886 +Porto Alegre,77,2,2,2,4,acept,not furnished,450,2000,0,30,2480 +São Paulo,75,2,1,1,2,acept,not furnished,532,1500,100,20,2152 +Porto Alegre,110,4,1,1,3,acept,not furnished,600,2200,2500,33,5333 +Rio de Janeiro,29,1,1,0,2,acept,furnished,566,1341,50,18,1975 +Rio de Janeiro,84,3,1,1,3,acept,not furnished,300,1500,0,20,1820 +São Paulo,132,3,5,2,13,not acept,furnished,1630,10990,291,140,13050 +Rio de Janeiro,170,2,2,1,7,acept,not furnished,1300,4900,255,64,6519 +Porto Alegre,26,1,1,0,1,acept,not furnished,250,800,12,12,1074 +Campinas,73,3,1,1,4,acept,not furnished,308,850,46,11,1215 +Belo Horizonte,114,2,2,1,3,acept,not furnished,850,1600,1500,22,3972 +Rio de Janeiro,68,2,2,1,16,acept,not furnished,554,2000,211,26,2791 +Campinas,82,1,1,1,-,acept,not furnished,290,1200,82,16,1588 +Belo Horizonte,30,1,1,0,1,not acept,not furnished,0,1200,65,16,1281 +Porto Alegre,69,2,2,1,9,acept,not furnished,380,2100,75,31,2586 +São Paulo,33,1,1,1,19,not acept,furnished,400,3413,0,12,3825 +São Paulo,84,2,2,1,14,acept,not furnished,782,5300,145,68,6295 +Campinas,620,5,6,4,17,acept,not furnished,7400,4860,1200,62,13520 +São Paulo,90,3,2,1,10,acept,not furnished,1686,3090,125,40,4941 +São Paulo,284,4,5,5,-,acept,not furnished,0,5500,200,83,5783 +Campinas,268,3,4,4,-,acept,not furnished,790,3500,509,53,4852 +São Paulo,100,3,4,4,-,acept,not furnished,0,3600,160,55,3815 +Rio de Janeiro,24,1,1,1,11,acept,not furnished,480,1420,359,19,2278 +São Paulo,64,2,1,1,24,not acept,not furnished,592,1817,84,24,2517 +São Paulo,34,1,1,1,14,acept,not furnished,497,2800,81,36,3414 +Rio de Janeiro,86,2,1,0,3,acept,furnished,1000,2400,205,31,3636 +São Paulo,54,1,1,1,18,acept,not furnished,800,7500,192,96,8588 +Belo Horizonte,128,3,2,2,2,acept,not furnished,580,1400,161,19,2160 +Belo Horizonte,250,2,3,2,-,acept,not furnished,0,3500,0,58,3558 +Campinas,295,7,6,4,-,not acept,furnished,0,6200,334,94,6628 +Rio de Janeiro,80,3,2,1,8,acept,not furnished,840,2500,115,33,3488 +São Paulo,500,3,3,5,-,acept,furnished,0,15000,1125,226,16350 +São Paulo,120,1,2,0,-,acept,not furnished,0,761,129,10,900 +Campinas,136,3,2,1,6,acept,not furnished,545,1274,87,17,1923 +Rio de Janeiro,170,3,2,2,13,acept,furnished,1027,2500,291,33,3851 +Belo Horizonte,386,3,4,8,-,acept,not furnished,0,6500,730,107,7337 +São Paulo,19,1,1,0,-,not acept,not furnished,0,1200,41,16,1257 +São Paulo,550,4,6,4,1,acept,furnished,3200,14000,1917,178,19300 +São Paulo,384,3,5,3,-,acept,not furnished,0,10000,1050,151,11200 +Porto Alegre,48,1,1,0,4,acept,not furnished,250,750,21,11,1032 +São Paulo,98,2,1,1,4,acept,not furnished,1028,3080,129,40,4277 +Belo Horizonte,50,2,1,1,1,acept,not furnished,300,1100,68,15,1483 +São Paulo,53,2,2,1,9,not acept,not furnished,722,2100,0,27,2849 +São Paulo,32,1,1,0,1,acept,not furnished,400,1990,0,26,2416 +São Paulo,47,1,2,1,11,acept,not furnished,740,3200,150,41,4131 +São Paulo,65,2,1,1,3,acept,not furnished,340,1440,0,19,1799 +São Paulo,56,1,1,2,7,not acept,furnished,1300,3958,242,51,5551 +Rio de Janeiro,140,2,2,1,5,not acept,not furnished,1600,3950,500,51,6101 +São Paulo,45,1,1,0,1,not acept,not furnished,0,1100,0,17,1117 +Rio de Janeiro,21,1,1,0,11,acept,not furnished,519,1200,0,16,1735 +São Paulo,70,2,2,0,2,acept,furnished,1439,5500,315,70,7324 +São Paulo,120,2,3,2,5,acept,furnished,1800,11500,250,146,13700 +Rio de Janeiro,90,2,2,0,5,acept,not furnished,1700,3700,350,48,5798 +Porto Alegre,25,1,1,0,3,acept,not furnished,143,2000,26,30,2199 +São Paulo,198,4,2,0,-,acept,not furnished,0,4000,500,61,4561 +Rio de Janeiro,80,2,2,1,4,not acept,furnished,700,5000,84,65,5849 +São Paulo,40,1,1,1,5,not acept,not furnished,440,2800,100,36,3376 +Belo Horizonte,53,2,1,1,2,acept,not furnished,200,1000,74,14,1288 +Rio de Janeiro,75,2,2,1,8,acept,not furnished,682,2300,223,30,3235 +Rio de Janeiro,60,2,1,0,2,acept,not furnished,500,1300,100,17,1917 +São Paulo,142,3,2,2,6,acept,furnished,2100,5440,584,69,8193 +Rio de Janeiro,160,3,2,2,3,acept,not furnished,2311,7609,689,99,10710 +Rio de Janeiro,26,1,1,0,9,acept,not furnished,976,1600,61,21,2658 +São Paulo,81,1,1,1,8,acept,not furnished,600,1150,67,16,1833 +Rio de Janeiro,50,1,1,0,2,acept,furnished,564,1900,100,25,2589 +Belo Horizonte,62,2,1,1,3,acept,not furnished,100,1050,84,14,1248 +Belo Horizonte,55,1,1,0,-,not acept,not furnished,0,1020,21,17,1058 +São Paulo,298,4,6,5,-,acept,furnished,0,8450,750,128,9328 +Campinas,55,2,1,1,1,acept,not furnished,390,720,0,10,1120 +Rio de Janeiro,82,2,1,1,2,acept,not furnished,800,1500,40,20,2360 +São Paulo,40,1,1,1,10,not acept,furnished,2100,2200,223,28,4551 +Belo Horizonte,106,3,2,2,8,acept,not furnished,1400,2400,255,32,4087 +São Paulo,335,4,5,5,7,acept,not furnished,5000,4913,1667,63,11640 +São Paulo,60,2,2,1,10,acept,not furnished,750,3400,100,44,4294 +São Paulo,128,3,2,1,5,acept,not furnished,1000,3297,950,42,5289 +São Paulo,250,3,2,4,-,acept,not furnished,0,6000,875,91,6966 +São Paulo,500,4,4,5,-,acept,furnished,0,9240,934,139,10310 +São Paulo,120,3,3,2,-,acept,not furnished,0,2750,125,42,2917 +São Paulo,300,4,4,4,3,acept,not furnished,3000,6500,1420,83,11000 +Rio de Janeiro,33,1,1,0,2,not acept,furnished,0,2110,0,28,2138 +São Paulo,177,3,3,4,-,acept,not furnished,0,4000,330,61,4391 +Rio de Janeiro,126,3,2,1,6,acept,not furnished,1105,2350,133,31,3619 +São Paulo,287,4,5,4,5,acept,not furnished,3311,3800,1744,49,8904 +São Paulo,250,3,4,4,-,acept,not furnished,0,8000,242,121,8363 +Belo Horizonte,200,3,3,3,-,acept,furnished,200,4700,110,78,5088 +Belo Horizonte,235,4,2,4,-,acept,not furnished,0,4700,480,78,5258 +São Paulo,247,3,4,5,-,acept,furnished,750,3400,234,44,4428 +São Paulo,100,2,1,0,-,acept,not furnished,0,1800,275,28,2103 +Rio de Janeiro,230,3,2,1,-,acept,not furnished,0,3260,84,50,3394 +São Paulo,350,4,5,4,-,acept,furnished,4300,11000,1042,166,16510 +São Paulo,600,4,6,5,13,acept,not furnished,7200,6000,1167,77,14440 +São Paulo,187,3,2,3,-,not acept,furnished,1700,8400,584,127,10810 +Rio de Janeiro,32,1,1,0,4,acept,not furnished,700,3000,65,39,3804 +São Paulo,40,1,1,0,-,acept,not furnished,0,920,0,14,934 +São Paulo,20,1,1,0,1,not acept,not furnished,0,1000,10,13,1023 +São Paulo,250,5,4,3,-,acept,not furnished,0,3520,666,53,4239 +São Paulo,210,4,4,4,8,not acept,not furnished,3000,5000,1250,64,9314 +Campinas,46,1,1,1,5,acept,furnished,1300,1950,0,25,3275 +São Paulo,104,3,3,2,8,not acept,not furnished,1400,4000,350,51,5801 +São Paulo,32,1,1,0,6,acept,not furnished,350,1600,0,21,1971 +Porto Alegre,115,3,2,2,4,acept,not furnished,1264,4500,166,66,5996 +São Paulo,64,2,1,1,8,acept,furnished,800,2500,67,32,3399 +São Paulo,280,4,6,5,28,acept,not furnished,1800,11500,1417,146,14860 +São Paulo,80,2,1,1,6,acept,not furnished,400,1500,0,20,1920 +São Paulo,98,2,2,0,8,acept,not furnished,600,4500,0,58,5158 +São Paulo,70,2,2,1,2,acept,not furnished,410,1800,71,23,2304 +Campinas,40,1,1,1,1,acept,not furnished,790,1300,236,17,2343 +Campinas,200,3,2,3,-,acept,not furnished,0,2000,153,31,2184 +Campinas,600,4,6,3,-,acept,not furnished,1123,5500,819,83,7525 +São Paulo,65,2,2,1,20,acept,furnished,1800,4900,177,63,6940 +São Paulo,320,4,5,3,-,acept,not furnished,0,5000,409,76,5485 +São Paulo,50,2,1,1,2,not acept,not furnished,600,1150,50,15,1815 +Porto Alegre,42,1,1,1,1,acept,furnished,650,2400,81,36,3167 +Porto Alegre,71,2,1,0,-,acept,not furnished,280,1600,34,24,1938 +São Paulo,50,1,1,0,2,not acept,not furnished,150,720,0,10,880 +Belo Horizonte,160,3,3,2,2,acept,not furnished,150,1700,0,23,1873 +Porto Alegre,70,2,1,0,3,acept,not furnished,350,1500,49,20,1919 +São Paulo,187,3,4,3,14,acept,not furnished,1700,14000,1209,178,17090 +São Paulo,186,4,5,4,11,acept,not furnished,1550,4100,1480,52,7182 +Campinas,76,2,1,0,2,acept,not furnished,300,700,100,9,1109 +São Paulo,50,2,1,1,2,not acept,furnished,399,1650,0,21,2070 +São Paulo,260,4,5,4,9,acept,furnished,2014,3300,1000,42,6356 +Belo Horizonte,200,4,3,2,-,acept,not furnished,0,15000,456,246,15700 +São Paulo,35,1,1,0,18,acept,not furnished,250,1850,0,24,2124 +São Paulo,130,2,2,2,3,acept,not furnished,1752,6200,634,79,8665 +São Paulo,20,1,1,0,-,acept,furnished,602,1800,130,23,2555 +Porto Alegre,78,2,1,0,2,acept,not furnished,280,1380,32,21,1713 +Porto Alegre,50,2,1,0,-,not acept,not furnished,0,750,0,11,761 +Belo Horizonte,476,3,2,2,-,not acept,not furnished,0,6100,202,101,6403 +São Paulo,68,2,2,1,18,acept,not furnished,640,3400,95,44,4179 +Rio de Janeiro,110,2,2,1,14,acept,not furnished,910,1400,216,19,2545 +São Paulo,52,2,2,1,5,not acept,furnished,903,4000,300,51,5254 +São Paulo,360,3,5,3,14,not acept,not furnished,3000,12500,125,159,15780 +Campinas,70,3,2,1,3,acept,furnished,650,1300,55,17,2022 +Belo Horizonte,500,4,4,6,-,acept,not furnished,0,15000,1021,246,16270 +Porto Alegre,96,3,1,0,2,acept,not furnished,300,1000,42,15,1357 +São Paulo,54,2,2,1,11,acept,not furnished,954,2800,190,36,3980 +São Paulo,41,1,1,1,16,acept,furnished,788,2387,17,31,3223 +Rio de Janeiro,130,3,2,1,5,acept,not furnished,1300,2820,300,37,4457 +São Paulo,87,2,2,1,4,acept,not furnished,969,6675,167,85,7896 +São Paulo,340,3,5,5,-,acept,not furnished,0,6000,2000,91,8091 +Rio de Janeiro,120,3,1,1,2,acept,not furnished,800,2200,84,29,3113 +São Paulo,90,2,1,2,-,acept,not furnished,0,1480,225,23,1728 +São Paulo,55,1,1,1,14,not acept,furnished,1000,4950,225,63,6238 +Belo Horizonte,160,3,2,2,4,not acept,not furnished,718,3100,183,42,4043 +Belo Horizonte,30,1,1,1,1,not acept,not furnished,50,900,19,12,981 +Belo Horizonte,103,3,2,1,3,not acept,not furnished,489,1400,101,19,2009 +Belo Horizonte,45,1,1,1,7,not acept,not furnished,440,1500,91,20,2051 +São Paulo,300,4,3,8,-,acept,not furnished,0,4500,667,68,5235 +São Paulo,72,2,2,2,7,acept,not furnished,150,3700,184,47,4081 +Porto Alegre,70,3,2,0,2,acept,furnished,300,2240,59,33,2632 +Rio de Janeiro,133,1,2,1,6,acept,furnished,1200,7000,367,91,8658 +São Paulo,50,2,1,0,3,acept,furnished,372,1449,0,19,1840 +Porto Alegre,69,3,1,1,5,acept,not furnished,450,1100,75,17,1642 +Porto Alegre,42,1,2,1,6,acept,not furnished,500,2000,0,30,2530 +Belo Horizonte,55,2,2,1,5,acept,not furnished,278,1300,111,18,1707 +São Paulo,117,3,2,2,10,acept,furnished,870,2400,124,31,3425 +São Paulo,56,2,1,1,13,acept,not furnished,580,2540,25,33,3178 +Rio de Janeiro,50,1,1,1,5,acept,not furnished,700,1000,0,13,1713 +São Paulo,450,4,6,4,-,acept,not furnished,0,10000,750,127,10880 +São Paulo,62,3,1,1,8,acept,not furnished,750,1260,59,16,2085 +São Paulo,300,5,3,1,-,acept,not furnished,0,10000,0,151,10150 +São Paulo,141,3,3,1,1,acept,furnished,1798,3800,372,49,6019 +Porto Alegre,44,1,1,0,1,not acept,not furnished,210,950,33,14,1207 +Rio de Janeiro,40,1,1,0,3,acept,not furnished,350,2400,56,31,2837 +São Paulo,230,2,1,8,-,acept,not furnished,0,4500,720,68,5288 +São Paulo,278,4,3,3,3,acept,not furnished,3790,10000,1514,127,15430 +São Paulo,35,1,1,0,-,acept,not furnished,0,1100,30,14,1144 +São Paulo,130,3,2,2,-,acept,not furnished,0,3400,299,52,3751 +São Paulo,264,4,4,4,9,acept,not furnished,3200,14450,1792,184,19630 +Belo Horizonte,93,3,2,0,17,acept,not furnished,620,1750,99,24,2493 +São Paulo,69,3,2,2,6,not acept,not furnished,798,2200,84,28,3110 +Rio de Janeiro,72,2,1,1,7,acept,not furnished,765,1800,97,24,2686 +São Paulo,66,2,1,1,5,not acept,not furnished,550,2000,30,26,2606 +São Paulo,44,1,1,1,1,acept,not furnished,700,1400,142,18,2260 +Belo Horizonte,227,3,4,1,12,not acept,not furnished,1400,2550,208,34,4192 +Porto Alegre,100,2,1,1,3,acept,furnished,490,3400,172,50,4112 +São Paulo,90,2,2,0,2,not acept,not furnished,180,1800,375,23,2378 +São Paulo,20,1,1,0,-,acept,furnished,602,1800,130,23,2555 +São Paulo,70,1,1,1,2,not acept,furnished,1000,2600,125,33,3758 +São Paulo,135,2,3,3,8,acept,furnished,1600,4200,459,54,6313 +São Paulo,450,4,4,6,-,acept,not furnished,0,9000,1917,136,11050 +São Paulo,217,3,1,1,-,acept,furnished,0,3000,200,46,3246 +São Paulo,300,4,5,4,7,not acept,not furnished,1660,3200,1875,41,6776 +São Paulo,84,2,2,0,12,not acept,not furnished,1500,6300,454,80,8334 +Porto Alegre,272,3,4,3,-,not acept,not furnished,0,3990,187,71,4248 +São Paulo,43,2,1,1,16,acept,not furnished,294,1050,36,14,1394 +São Paulo,400,4,4,0,-,acept,not furnished,2100,4500,1520,68,8188 +Porto Alegre,48,1,1,0,2,acept,not furnished,220,900,22,14,1156 +Porto Alegre,71,2,2,1,2,acept,not furnished,341,892,59,14,1306 +São Paulo,100,6,7,5,-,acept,not furnished,0,10660,2167,161,12990 +São Paulo,225,4,2,2,11,acept,not furnished,2150,6500,642,83,9375 +São Paulo,280,3,2,0,7,acept,not furnished,2300,3000,417,39,5756 +Belo Horizonte,62,2,1,1,2,acept,not furnished,0,1300,75,18,1393 +São Paulo,330,5,3,6,-,acept,not furnished,0,10500,1667,158,12330 +São Paulo,90,3,2,1,2,acept,not furnished,945,2000,5,26,2976 +São Paulo,60,2,1,1,7,acept,not furnished,460,1230,100,16,1806 +Rio de Janeiro,67,3,2,0,1,not acept,not furnished,1102,2810,179,37,4128 +São Paulo,287,4,5,3,-,acept,not furnished,0,10000,955,151,11110 +São Paulo,156,3,2,1,-,acept,not furnished,0,6400,59,97,6556 +São Paulo,273,4,4,2,4,not acept,not furnished,2306,9000,417,115,11840 +São Paulo,320,3,3,4,-,acept,not furnished,0,9000,1000,136,10140 +Porto Alegre,330,3,4,2,-,acept,furnished,630,9000,375,160,10170 +São Paulo,50,1,1,1,-,acept,not furnished,0,900,59,14,973 +Rio de Janeiro,15,1,1,0,4,not acept,not furnished,0,908,0,12,920 +Porto Alegre,100,3,1,1,3,acept,not furnished,580,1240,69,19,1908 +São Paulo,50,1,2,0,-,not acept,not furnished,0,1510,0,23,1533 +Campinas,60,2,1,1,3,acept,not furnished,314,1000,0,13,1327 +Rio de Janeiro,40,1,1,0,2,acept,not furnished,928,1950,61,26,2965 +São Paulo,312,3,6,3,-,acept,furnished,0,6300,1063,95,7458 +São Paulo,86,2,1,1,12,acept,not furnished,1000,3007,84,39,4130 +Rio de Janeiro,280,4,4,2,3,acept,not furnished,2489,9850,1255,127,13720 +Belo Horizonte,260,4,4,6,10,acept,furnished,3200,11900,12500,159,27760 +Porto Alegre,68,2,1,1,5,acept,not furnished,600,800,500,12,1912 +Rio de Janeiro,58,2,2,1,11,acept,not furnished,688,800,0,11,1499 +Campinas,68,2,1,0,-,acept,not furnished,0,1650,14,25,1689 +São Paulo,60,2,2,1,14,not acept,furnished,2435,2600,184,33,5252 +Campinas,47,1,1,0,8,acept,not furnished,423,520,13,7,963 +Campinas,87,3,2,1,4,acept,not furnished,740,1173,90,15,2018 +São Paulo,51,1,1,0,32,not acept,not furnished,429,3250,37,42,3758 +São Paulo,120,2,2,1,4,not acept,not furnished,1400,1450,21,19,2890 +Campinas,52,2,1,1,8,acept,furnished,1200,2280,0,29,3509 +Rio de Janeiro,56,2,1,1,4,acept,not furnished,825,960,17,13,1815 +Campinas,50,1,1,1,2,not acept,not furnished,393,647,15,9,1064 +São Paulo,1000,4,5,7,5,acept,not furnished,8362,6800,4170,87,19420 +São Paulo,36,1,1,1,11,not acept,furnished,450,3800,55,49,4354 +São Paulo,260,2,4,4,14,acept,not furnished,3495,3455,1350,44,8344 +São Paulo,55,2,1,1,11,acept,furnished,408,1700,35,22,2165 +São Paulo,150,2,3,1,-,acept,not furnished,0,1650,0,25,1675 +São Paulo,146,3,3,3,11,not acept,not furnished,1655,7000,442,89,9186 +São Paulo,320,3,4,3,-,acept,not furnished,0,12000,2250,181,14430 +Rio de Janeiro,70,2,1,1,2,acept,not furnished,750,2200,93,29,3072 +Campinas,69,3,2,2,11,acept,not furnished,582,2000,142,26,2750 +Campinas,100,4,2,1,-,acept,not furnished,0,1600,125,25,1750 +São Paulo,50,1,1,0,3,acept,not furnished,350,2800,0,36,3186 +São Paulo,33,1,1,0,12,acept,not furnished,300,1650,0,21,1971 +São Paulo,230,3,4,4,-,not acept,furnished,0,5500,200,83,5783 +São Paulo,120,3,4,3,13,acept,not furnished,1350,5600,560,71,7581 +São Paulo,55,1,2,0,17,not acept,not furnished,508,1800,58,23,2389 +São Paulo,20,1,1,0,3,acept,furnished,402,2800,68,36,3306 +Campinas,55,1,1,1,8,not acept,not furnished,360,1100,22,14,1496 +Porto Alegre,46,1,1,1,3,acept,not furnished,100,1100,100,17,1317 +São Paulo,48,2,1,1,3,acept,not furnished,328,1550,54,20,1952 +Rio de Janeiro,95,2,1,0,6,acept,not furnished,775,1670,200,22,2667 +São Paulo,330,4,4,5,-,acept,furnished,0,10000,750,151,10900 +São Paulo,50,2,1,1,15,acept,not furnished,650,1300,34,17,2001 +Campinas,79,2,2,2,1,acept,not furnished,955,1000,78,13,2046 +Campinas,60,2,1,1,-,not acept,not furnished,0,830,0,13,843 +Campinas,35,1,1,1,-,not acept,furnished,0,1000,0,16,1016 +São Paulo,550,4,5,6,21,acept,not furnished,7100,10500,3942,134,21680 +São Paulo,380,4,4,3,1,acept,not furnished,2300,8000,2180,102,12580 +São Paulo,85,2,1,0,4,acept,furnished,620,2190,0,28,2838 +São Paulo,50,2,1,0,6,acept,not furnished,405,1900,0,25,2330 +São Paulo,167,3,4,3,6,not acept,not furnished,1800,9000,613,115,11530 +Porto Alegre,60,2,1,1,4,acept,not furnished,150,1000,63,15,1228 +São Paulo,147,3,4,2,2,acept,furnished,1078,11000,334,140,12550 +São Paulo,113,3,2,1,4,acept,not furnished,1000,3000,50,39,4089 +São Paulo,136,3,4,3,13,acept,not furnished,1505,6100,433,78,8116 +Belo Horizonte,25,1,1,1,1,not acept,not furnished,0,500,38,7,545 +São Paulo,50,2,1,1,10,acept,not furnished,482,1300,0,17,1799 +São Paulo,173,3,4,3,2,acept,not furnished,3000,1950,796,25,5771 +São Paulo,272,3,5,4,8,acept,not furnished,3900,7000,0,89,10990 +São Paulo,70,3,1,0,-,acept,not furnished,0,1300,0,20,1320 +São Paulo,57,1,2,0,17,acept,not furnished,670,1400,0,18,2088 +Belo Horizonte,350,5,5,2,5,acept,furnished,730,4000,298,54,5082 +Rio de Janeiro,311,4,3,1,8,acept,furnished,2000,15000,500,194,17690 +São Paulo,71,2,2,2,14,not acept,not furnished,511,3000,203,39,3753 +São Paulo,90,2,1,1,2,acept,not furnished,1000,3000,50,39,4089 +Belo Horizonte,500,3,1,2,-,acept,not furnished,0,1280,109,21,1410 +São Paulo,250,3,3,2,7,not acept,furnished,1400,5380,234,69,7083 +São Paulo,369,4,4,5,12,acept,furnished,4074,15000,2917,191,22180 +São Paulo,100,2,4,1,-,acept,not furnished,380,3500,167,53,4100 +São Paulo,240,4,4,4,8,acept,furnished,3033,2890,1398,37,7358 +Belo Horizonte,230,4,5,4,3,acept,not furnished,2300,9240,1262,124,12930 +São Paulo,125,3,2,2,-,acept,furnished,0,3000,150,46,3196 +Rio de Janeiro,70,2,1,1,15,not acept,not furnished,660,1500,100,20,2280 +Rio de Janeiro,40,2,2,0,2,acept,not furnished,716,1000,55,13,1784 +São Paulo,300,3,3,4,-,acept,not furnished,0,7900,862,119,8881 +São Paulo,79,2,2,1,2,not acept,not furnished,702,1600,0,21,2323 +São Paulo,46,1,1,1,7,acept,not furnished,450,2400,0,31,2881 +Rio de Janeiro,40,2,1,0,4,acept,not furnished,270,1490,0,20,1780 +Rio de Janeiro,50,1,1,0,5,acept,not furnished,985,2308,138,30,3461 +Campinas,235,4,4,3,13,acept,not furnished,3450,5500,541,70,9561 +São Paulo,480,4,4,4,12,acept,furnished,6500,15000,2084,191,23780 +São Paulo,123,3,2,2,7,not acept,not furnished,1000,2450,250,32,3732 +São Paulo,100,4,5,4,1,acept,not furnished,3800,2750,1417,35,8002 +Belo Horizonte,400,6,5,5,-,acept,not furnished,0,7500,417,123,8040 +Rio de Janeiro,75,2,1,0,10,not acept,not furnished,600,1850,123,24,2597 +São Paulo,45,1,1,0,12,not acept,not furnished,413,3400,81,44,3938 +Rio de Janeiro,50,2,1,1,11,acept,not furnished,420,1600,13,21,2054 +Belo Horizonte,137,3,2,0,2,not acept,not furnished,0,2000,0,27,2027 +Porto Alegre,45,1,1,1,6,acept,not furnished,195,1800,0,27,2022 +São Paulo,60,2,1,1,7,acept,not furnished,800,1800,0,23,2623 +São Paulo,68,2,1,0,2,acept,not furnished,800,1500,10,20,2330 +São Paulo,66,2,2,1,1,not acept,not furnished,1141,1275,166,17,2599 +São Paulo,52,2,1,1,6,not acept,furnished,540,2800,0,36,3376 +Belo Horizonte,460,5,8,5,-,not acept,not furnished,0,7320,0,121,7441 +São Paulo,100,2,2,5,-,acept,not furnished,0,6800,667,103,7570 +Rio de Janeiro,52,1,1,0,1,acept,not furnished,150,1200,65,16,1431 +Campinas,42,1,1,0,5,not acept,not furnished,587,950,34,13,1584 +São Paulo,127,3,2,2,9,acept,not furnished,1500,4000,505,51,6056 +Porto Alegre,72,3,1,1,2,acept,furnished,531,1599,128,24,2282 +São Paulo,82,3,2,2,6,acept,furnished,1490,2230,145,29,3894 +São Paulo,250,4,4,4,4,acept,not furnished,2850,8500,1167,108,12630 +Porto Alegre,30,1,1,0,11,acept,not furnished,260,1300,34,19,1613 +São Paulo,600,4,5,3,-,acept,not furnished,6500,15000,334,226,22060 +Porto Alegre,67,2,2,1,8,acept,not furnished,300,1700,0,25,2025 +São Paulo,67,1,2,2,17,acept,not furnished,965,2230,271,29,3495 +Porto Alegre,41,1,1,0,13,acept,not furnished,500,2300,42,34,2876 +São Paulo,300,4,3,1,9,not acept,furnished,2300,8000,768,102,11170 +São Paulo,50,2,2,0,-,not acept,not furnished,0,1100,80,17,1197 +São Paulo,75,3,2,1,8,not acept,not furnished,705,1900,70,25,2700 +São Paulo,50,1,1,0,-,not acept,not furnished,0,1000,0,16,1016 +Campinas,65,2,1,2,2,acept,not furnished,785,800,136,11,1732 +São Paulo,129,3,4,2,3,acept,not furnished,1217,5155,562,66,7000 +São Paulo,100,1,2,2,11,acept,not furnished,1884,5850,472,75,8281 +Porto Alegre,116,4,3,1,3,acept,furnished,450,2700,64,40,3254 +São Paulo,300,3,3,4,-,acept,not furnished,0,9000,650,136,9786 +Porto Alegre,45,1,1,1,9,not acept,furnished,1080,3300,117,49,4546 +São Paulo,43,1,1,0,11,acept,not furnished,440,2000,9,26,2475 +São Paulo,25,1,1,0,7,acept,not furnished,430,1610,0,21,2061 +Rio de Janeiro,410,4,5,2,-,acept,furnished,0,4000,584,61,4645 +São Paulo,126,4,2,2,4,acept,not furnished,870,3000,290,39,4199 +São Paulo,350,5,4,3,16,acept,not furnished,3000,15000,1265,191,19460 +São Paulo,25,1,1,0,-,not acept,furnished,0,1750,0,23,1773 +São Paulo,48,2,1,1,15,not acept,not furnished,400,1260,42,16,1718 +São Paulo,300,3,2,2,-,acept,furnished,0,8820,163,133,9116 +Rio de Janeiro,80,2,1,0,6,acept,not furnished,800,2800,92,37,3729 +Rio de Janeiro,163,3,3,0,2,acept,not furnished,1600,6400,400,83,8483 +São Paulo,93,3,1,2,8,acept,not furnished,350,1550,100,20,2020 +Belo Horizonte,65,1,1,1,10,acept,not furnished,791,3600,170,48,4609 +Rio de Janeiro,47,1,1,0,7,acept,furnished,730,2000,102,26,2858 +São Paulo,260,4,6,5,-,acept,not furnished,0,6000,667,91,6758 +Rio de Janeiro,80,3,1,0,2,acept,not furnished,360,1510,15,20,1905 +Porto Alegre,37,1,1,0,6,acept,furnished,430,2220,84,33,2767 +São Paulo,126,3,2,2,13,acept,not furnished,1280,2400,334,31,4045 +Belo Horizonte,220,4,4,3,-,not acept,not furnished,0,2602,234,43,2879 +São Paulo,160,3,5,2,-,acept,not furnished,0,12000,334,181,12520 +Campinas,100,3,2,1,1,acept,not furnished,400,1700,0,22,2122 +São Paulo,29,1,1,0,7,not acept,furnished,355,2900,50,37,3342 +São Paulo,192,4,5,4,11,not acept,furnished,2800,15000,90,191,18080 +São Paulo,60,2,1,0,3,not acept,not furnished,400,1300,0,17,1717 +Belo Horizonte,40,2,1,0,11,not acept,not furnished,330,1100,0,15,1445 +São Paulo,339,4,5,4,13,acept,furnished,2800,15000,1440,191,19430 +Porto Alegre,115,3,3,1,6,acept,not furnished,450,3250,200,48,3948 +Rio de Janeiro,27,1,1,0,5,not acept,furnished,600,3000,61,39,3700 +Porto Alegre,47,1,1,1,1,not acept,furnished,400,2200,0,33,2633 +São Paulo,197,3,4,3,16,acept,furnished,2400,6502,1167,83,10150 +São Paulo,44,1,1,1,3,acept,not furnished,560,3450,0,13,4023 +São Paulo,226,4,5,6,14,acept,not furnished,2860,12000,917,153,15930 +São Paulo,100,2,1,1,10,not acept,furnished,1095,2900,234,37,4266 +Belo Horizonte,300,4,3,4,-,acept,not furnished,0,7500,942,123,8565 +Porto Alegre,75,3,2,2,8,acept,not furnished,500,1700,75,25,2300 +São Paulo,160,2,1,3,-,acept,not furnished,0,4000,0,61,4061 +Campinas,53,1,1,0,6,acept,not furnished,403,500,15,7,925 +Rio de Janeiro,80,3,2,0,10,not acept,furnished,600,1105,47,15,1767 +Porto Alegre,43,1,1,1,12,not acept,furnished,350,2200,42,33,2625 +São Paulo,330,4,5,5,22,not acept,not furnished,4711,4500,0,58,9269 +São Paulo,353,5,7,5,12,acept,not furnished,4800,10000,1917,127,16840 +São Paulo,52,2,1,0,3,acept,not furnished,0,1340,0,17,1357 +São Paulo,185,3,3,2,5,acept,not furnished,1900,3280,100,42,5322 +Rio de Janeiro,90,2,1,0,9,acept,not furnished,650,960,90,13,1713 +Campinas,48,1,1,0,13,acept,not furnished,250,950,42,13,1255 +Belo Horizonte,82,2,2,2,11,not acept,not furnished,567,3800,303,51,4721 +São Paulo,90,3,2,1,2,acept,furnished,1016,1631,100,21,2768 +Porto Alegre,42,1,1,1,2,not acept,not furnished,280,800,280,12,1372 +Campinas,290,4,3,1,5,acept,not furnished,1350,2600,192,33,4175 +São Paulo,350,4,5,2,-,acept,not furnished,0,5000,325,76,5401 +Campinas,110,3,3,2,-,acept,not furnished,560,3200,1056,49,4865 +Campinas,50,1,1,1,1,acept,not furnished,480,1200,52,16,1748 +São Paulo,45,1,1,1,1,not acept,furnished,3000,5520,0,70,8590 +Belo Horizonte,70,3,2,1,3,acept,not furnished,240,1400,103,19,1762 +São Paulo,50,2,1,1,12,acept,not furnished,340,1490,0,19,1849 +São Paulo,45,1,1,1,8,not acept,not furnished,589,2349,0,8,2946 +São Paulo,180,2,2,0,2,not acept,not furnished,0,2760,0,35,2795 +Belo Horizonte,65,2,1,1,2,not acept,not furnished,200,908,69,13,1190 +São Paulo,50,1,1,1,3,not acept,furnished,679,3900,105,50,4734 +São Paulo,250,3,3,2,3,acept,not furnished,1900,9500,500,121,12020 +São Paulo,90,2,1,0,1,acept,not furnished,0,2000,280,26,2306 +São Paulo,39,2,1,0,1,acept,not furnished,120,1430,43,19,1612 +São Paulo,180,3,2,1,2,acept,not furnished,1000,10000,180,127,11310 +Rio de Janeiro,72,2,2,1,5,acept,not furnished,500,1200,5,16,1721 +Belo Horizonte,300,4,4,4,17,acept,furnished,1200,7500,436,100,9236 +São Paulo,45,1,1,1,12,not acept,not furnished,1088,3200,0,41,4329 +São Paulo,84,1,2,0,1,acept,furnished,850,6000,250,77,7177 +São Paulo,228,3,4,3,12,not acept,furnished,1137,4800,513,61,6511 +Rio de Janeiro,126,3,2,1,11,acept,not furnished,1658,3200,591,42,5491 +São Paulo,260,3,3,3,8,acept,furnished,2210,5000,842,64,8116 +Campinas,230,3,3,3,6,acept,not furnished,3200,4500,534,58,8292 +São Paulo,160,4,2,2,-,acept,not furnished,0,2580,0,39,2619 +Rio de Janeiro,90,2,2,1,1,acept,furnished,1424,2600,426,34,4484 +São Paulo,136,1,2,2,16,not acept,not furnished,1767,3000,417,39,5223 +Campinas,109,4,3,2,6,not acept,not furnished,890,2300,261,30,3481 +Campinas,437,3,6,6,-,acept,furnished,1200,13500,711,203,15610 +São Paulo,400,4,4,3,-,acept,not furnished,0,10000,2707,151,12860 +Rio de Janeiro,90,3,3,1,3,acept,not furnished,800,1950,167,26,2943 +Belo Horizonte,120,4,3,2,5,acept,not furnished,500,2800,242,38,3580 +Porto Alegre,23,1,1,1,5,not acept,not furnished,170,1100,34,17,1321 +Porto Alegre,45,2,1,0,1,acept,not furnished,0,1000,0,15,1015 +São Paulo,51,1,1,1,3,acept,furnished,580,3500,200,45,4325 +São Paulo,150,3,3,2,-,acept,not furnished,0,2050,250,31,2331 +Rio de Janeiro,200,4,3,4,10,acept,not furnished,2131,6800,849,88,9868 +São Paulo,25,1,1,0,-,not acept,furnished,53,1184,53,18,1308 +São Paulo,47,2,1,1,11,acept,not furnished,300,2460,0,15,2775 +São Paulo,340,3,4,4,2,not acept,not furnished,7000,12500,3084,159,22740 +Campinas,252,3,3,4,-,acept,not furnished,0,3300,259,50,3609 +São Paulo,72,2,1,1,3,acept,not furnished,862,1200,114,16,2192 +São Paulo,159,3,2,1,7,not acept,not furnished,1963,3500,582,45,6090 +São Paulo,270,3,4,3,-,acept,not furnished,0,6800,417,103,7320 +Rio de Janeiro,80,2,2,1,12,acept,not furnished,1000,1360,276,18,2654 +São Paulo,700,6,6,6,-,acept,not furnished,0,8500,1542,128,10170 +São Paulo,96,2,2,2,4,acept,furnished,1100,6500,250,83,7933 +São Paulo,134,3,3,3,11,not acept,not furnished,1655,8000,380,102,10140 +Belo Horizonte,60,2,1,1,11,acept,not furnished,240,1550,103,21,1914 +São Paulo,87,2,2,1,3,acept,furnished,2100,3337,0,9,5446 +São Paulo,45,1,1,0,-,not acept,not furnished,0,1200,0,19,1219 +São Paulo,350,4,2,8,-,acept,not furnished,0,7000,450,106,7556 +Porto Alegre,40,2,1,1,4,not acept,not furnished,270,702,0,11,983 +Rio de Janeiro,110,2,3,1,1,not acept,not furnished,900,4600,92,60,5652 +São Paulo,180,3,3,2,6,acept,not furnished,1699,2800,250,36,4785 +Campinas,800,4,7,4,-,acept,not furnished,2100,15000,1898,226,19220 +São Paulo,61,2,2,1,13,acept,not furnished,764,4000,134,51,4949 +Rio de Janeiro,60,2,1,0,6,acept,not furnished,1329,2350,135,31,3845 +Rio de Janeiro,25,1,1,0,4,acept,not furnished,50,550,0,8,608 +São Paulo,84,3,1,1,17,acept,not furnished,710,2300,3000,30,6040 +São Paulo,84,3,3,2,7,acept,not furnished,950,1600,258,21,2829 +São Paulo,220,3,5,4,10,acept,not furnished,2250,6800,84,87,9221 +São Paulo,300,5,5,3,-,acept,not furnished,0,4700,334,71,5105 +São Paulo,269,4,4,5,21,acept,furnished,2980,14000,1834,178,18990 +Rio de Janeiro,98,3,2,0,5,acept,not furnished,854,3500,182,46,4582 +São Paulo,65,1,2,2,3,not acept,furnished,950,3400,215,44,4609 +São Paulo,139,3,2,0,7,acept,not furnished,1250,8000,103,102,9455 +Porto Alegre,480,5,4,7,-,acept,not furnished,0,3600,38,64,3702 +São Paulo,60,1,1,1,-,not acept,not furnished,0,1400,0,22,1422 +São Paulo,50,2,1,1,6,acept,not furnished,430,1305,49,17,1801 +Belo Horizonte,70,2,1,1,-,acept,furnished,0,1400,0,23,1423 +Porto Alegre,80,3,2,0,7,acept,furnished,910,2000,123,30,3063 +São Paulo,100,1,4,1,-,acept,not furnished,0,11000,250,166,11420 +Campinas,194,3,2,3,-,acept,not furnished,0,3500,75,53,3628 +São Paulo,250,5,5,4,3,acept,not furnished,2596,2000,1249,26,5871 +Rio de Janeiro,120,3,2,1,2,acept,furnished,1400,4113,317,53,5883 +São Paulo,80,2,1,2,-,acept,not furnished,0,2000,18,31,2049 +São Paulo,73,2,1,1,12,acept,not furnished,450,1480,83,19,2032 +São Paulo,122,2,1,2,-,acept,not furnished,0,2360,67,36,2463 +Belo Horizonte,24,1,1,0,1,not acept,not furnished,50,680,0,10,740 +Campinas,37,1,1,0,4,not acept,furnished,335,761,0,10,1106 +São Paulo,60,1,2,0,-,not acept,not furnished,0,1600,23,25,1648 +São Paulo,55,2,1,1,-,acept,not furnished,550,1250,0,16,1816 +Rio de Janeiro,300,4,2,2,6,acept,not furnished,2200,9000,834,116,12150 +São Paulo,140,4,3,2,-,not acept,not furnished,0,2600,117,40,2757 +São Paulo,500,4,4,8,12,acept,furnished,5000,15000,5200,191,25390 +São Paulo,100,2,1,0,-,not acept,not furnished,0,1100,25,17,1142 +São Paulo,60,1,1,0,-,not acept,not furnished,0,980,0,15,995 +São Paulo,40,1,1,1,16,acept,furnished,620,3500,92,45,4257 +São Paulo,70,2,1,1,16,not acept,not furnished,960,2600,0,33,3593 +Belo Horizonte,60,3,1,1,4,acept,not furnished,180,1300,87,18,1585 +Porto Alegre,350,3,3,3,-,acept,not furnished,0,15000,667,267,15930 +São Paulo,258,4,5,3,4,acept,furnished,3700,5000,1084,64,9848 +Belo Horizonte,220,4,4,0,13,not acept,not furnished,2000,8000,1067,107,11170 +São Paulo,120,3,3,2,7,acept,not furnished,2990,9000,450,115,12560 +São Paulo,223,3,4,3,-,acept,not furnished,2142,5500,880,83,8605 +Porto Alegre,43,1,1,1,14,acept,not furnished,1100,1800,67,27,2994 +São Paulo,215,3,3,4,-,acept,not furnished,0,4800,275,73,5148 +São Paulo,39,2,1,0,3,acept,not furnished,120,1450,43,19,1632 +São Paulo,35,1,1,0,1,acept,not furnished,260,1400,0,18,1678 +Belo Horizonte,15,1,1,0,3,not acept,furnished,0,1100,0,15,1115 +São Paulo,600,4,3,3,1,acept,not furnished,6000,3750,1667,48,11470 +São Paulo,600,4,4,4,-,acept,not furnished,0,6800,1000,103,7903 +São Paulo,52,2,1,1,7,acept,not furnished,490,1658,37,22,2207 +Campinas,200,3,3,5,-,acept,not furnished,0,2650,220,40,2910 +São Paulo,200,3,2,3,-,acept,not furnished,0,2900,334,44,3278 +Porto Alegre,47,1,1,1,1,not acept,furnished,400,2200,0,33,2633 +São Paulo,60,1,1,1,7,not acept,not furnished,1037,2023,0,26,3086 +São Paulo,57,2,2,1,8,acept,not furnished,500,4150,140,53,4843 +São Paulo,57,2,2,1,22,not acept,furnished,480,4500,140,58,5178 +São Paulo,76,3,2,0,4,acept,not furnished,780,1600,54,21,2455 +Belo Horizonte,130,3,2,0,-,acept,not furnished,0,2149,0,36,2185 +São Paulo,96,3,3,1,11,acept,not furnished,900,2290,125,30,3345 +São Paulo,70,2,2,1,1,acept,not furnished,280,1000,138,13,1431 +São Paulo,90,3,3,2,1,acept,not furnished,1171,1997,280,26,3474 +São Paulo,85,2,1,1,16,acept,not furnished,820,1515,0,20,2355 +São Paulo,25,1,1,0,3,acept,not furnished,450,1650,30,21,2151 +Rio de Janeiro,40,2,1,1,4,acept,not furnished,450,1000,65,13,1528 +São Paulo,71,2,2,2,19,acept,not furnished,550,3000,84,39,3673 +Belo Horizonte,120,3,2,2,3,not acept,not furnished,335,1300,166,18,1819 +Rio de Janeiro,62,2,1,1,4,not acept,furnished,600,1600,50,21,2271 +São Paulo,215,3,1,3,-,acept,not furnished,0,7000,417,106,7523 +São Paulo,190,3,3,3,6,acept,furnished,2800,4500,834,58,8192 +Porto Alegre,190,4,3,1,-,acept,furnished,0,6450,117,85,6652 +Rio de Janeiro,220,4,2,1,7,acept,furnished,2000,5000,362,65,7427 +Rio de Janeiro,373,3,2,2,5,acept,furnished,2650,8500,678,110,11940 +São Paulo,900,5,5,5,-,not acept,not furnished,0,15000,3334,226,18560 +Belo Horizonte,100,3,2,2,2,acept,not furnished,340,1600,183,22,2145 +Rio de Janeiro,180,4,2,1,8,acept,not furnished,1600,3000,507,39,5146 +São Paulo,100,1,2,2,3,not acept,not furnished,1690,5000,309,64,7063 +São Paulo,58,2,2,2,10,acept,not furnished,756,2100,135,27,3018 +São Paulo,110,3,3,3,7,acept,not furnished,1748,5000,0,64,6812 +São Paulo,100,2,3,2,27,acept,furnished,860,6028,353,77,7318 +São Paulo,75,2,1,1,-,acept,not furnished,0,2450,0,37,2487 +São Paulo,78,3,2,1,2,not acept,not furnished,951,1900,205,25,3081 +São Paulo,152,3,3,1,5,not acept,furnished,1178,5200,213,66,6657 +Campinas,42,1,1,1,16,not acept,furnished,1022,1200,134,16,2372 +São Paulo,50,1,1,0,-,acept,not furnished,0,1200,0,19,1219 +São Paulo,150,2,2,2,-,acept,not furnished,0,2640,0,40,2680 +Rio de Janeiro,56,2,2,1,2,acept,not furnished,1107,2800,150,37,4094 +São Paulo,250,3,3,0,-,acept,not furnished,0,3200,50,49,3299 +Campinas,197,3,4,4,8,acept,not furnished,1700,9000,500,115,11320 +São Paulo,348,4,4,1,15,acept,furnished,2178,7511,215,96,10000 +São Paulo,300,4,2,6,-,acept,not furnished,0,5000,250,76,5326 +São Paulo,300,4,5,4,6,acept,not furnished,3150,5500,959,70,9679 +Campinas,60,3,1,1,5,not acept,not furnished,600,1800,50,23,2473 +São Paulo,200,3,4,2,10,acept,not furnished,1300,7000,459,89,8848 +Campinas,900,3,6,8,-,acept,not furnished,2000,15000,1834,226,19060 +São Paulo,50,2,1,1,-,not acept,not furnished,0,1400,84,22,1506 +Belo Horizonte,63,2,1,1,4,not acept,not furnished,130,900,0,12,1042 +Porto Alegre,80,1,1,0,-,acept,not furnished,0,800,40,15,855 +Porto Alegre,600,5,7,5,-,acept,not furnished,0,7000,834,125,7959 +Belo Horizonte,456,4,2,0,-,acept,not furnished,0,3080,520,51,3651 +São Paulo,44,1,1,0,4,acept,not furnished,350,3200,0,41,3591 +São Paulo,35,1,1,1,17,acept,furnished,1280,4000,200,51,5531 +São Paulo,399,3,5,4,21,acept,not furnished,7000,12000,0,153,19150 +Rio de Janeiro,100,3,1,0,13,acept,not furnished,1100,3700,396,48,5244 +São Paulo,40,1,1,1,1,acept,not furnished,402,1500,75,20,1997 +Campinas,100,2,1,3,-,acept,not furnished,0,1250,100,19,1369 +Campinas,90,3,1,1,1,acept,not furnished,1000,960,83,13,2056 +São Paulo,150,2,3,3,-,acept,not furnished,0,3100,213,47,3360 +Campinas,55,1,1,1,9,acept,furnished,660,2600,73,33,3366 +Porto Alegre,135,4,4,1,6,acept,furnished,1300,3200,300,47,4847 +Belo Horizonte,350,3,2,6,-,acept,not furnished,0,3800,173,63,4036 +São Paulo,88,3,2,1,1,not acept,not furnished,1025,1700,0,22,2747 +Rio de Janeiro,75,2,2,1,9,acept,not furnished,950,2800,138,37,3925 +São Paulo,128,3,3,0,3,acept,furnished,2500,12000,500,153,15150 +São Paulo,30,1,1,0,2,not acept,not furnished,507,2000,0,26,2533 +Campinas,132,4,2,2,5,acept,not furnished,1096,3300,164,42,4602 +São Paulo,100,2,3,1,-,not acept,not furnished,0,1500,117,23,1640 +São Paulo,50,2,3,0,-,not acept,not furnished,0,1740,84,27,1851 +Porto Alegre,121,3,2,2,2,acept,not furnished,720,2650,135,39,3544 +São Paulo,279,5,5,6,3,acept,furnished,900,4420,834,57,6211 +Rio de Janeiro,37,1,1,0,10,not acept,furnished,1600,4700,0,61,6361 +São Paulo,240,3,3,2,-,acept,not furnished,0,2500,25,38,2563 +São Paulo,164,3,3,1,1,not acept,not furnished,2389,6300,117,80,8886 +São Paulo,65,2,2,2,4,acept,not furnished,1000,5000,110,64,6174 +Belo Horizonte,127,2,2,0,14,acept,furnished,704,2000,158,27,2889 +São Paulo,78,3,1,2,7,acept,not furnished,1300,3200,100,41,4641 +Belo Horizonte,65,2,1,1,5,acept,not furnished,320,900,27,12,1259 +Belo Horizonte,66,2,1,1,3,acept,not furnished,200,1000,25,14,1239 +São Paulo,185,3,3,2,9,acept,not furnished,0,12000,0,153,12150 +Belo Horizonte,420,4,4,5,-,acept,not furnished,0,9000,0,148,9148 +São Paulo,70,2,1,0,-,acept,not furnished,0,3000,0,46,3046 +São Paulo,37,1,1,0,10,acept,not furnished,370,1500,0,20,1890 +Rio de Janeiro,30,1,1,0,3,acept,not furnished,300,750,13,10,1073 +São Paulo,300,2,3,2,-,acept,furnished,0,3200,0,49,3249 +São Paulo,72,2,2,1,11,acept,not furnished,920,3990,0,51,4961 +São Paulo,230,4,3,1,2,not acept,not furnished,2400,3600,464,46,6510 +Belo Horizonte,52,2,2,1,4,acept,not furnished,285,900,59,12,1256 +Campinas,26,1,1,0,2,acept,not furnished,410,500,13,7,930 +São Paulo,113,2,1,1,5,acept,not furnished,1000,3000,50,39,4089 +Belo Horizonte,178,3,2,2,2,acept,not furnished,350,1660,154,23,2187 +Rio de Janeiro,60,1,1,1,7,not acept,furnished,1503,1700,459,22,3684 +São Paulo,189,3,3,0,5,acept,not furnished,1950,4100,375,52,6477 +Campinas,250,4,4,0,-,acept,not furnished,750,3825,369,58,5002 +São Paulo,120,3,2,2,14,acept,not furnished,1110,5500,322,70,7002 +São Paulo,237,4,3,4,4,not acept,not furnished,3100,5000,1042,64,9206 +Rio de Janeiro,168,3,2,3,9,acept,not furnished,3349,13200,637,171,17360 +São Paulo,20,1,1,0,2,acept,furnished,602,1800,130,23,2555 +Campinas,55,1,1,1,2,acept,not furnished,363,700,45,9,1117 +Rio de Janeiro,90,3,2,1,1,not acept,furnished,2153,2550,364,33,5100 +Campinas,190,2,2,0,8,not acept,not furnished,1100,1300,200,17,2617 +Porto Alegre,44,1,1,0,3,acept,not furnished,160,940,13,14,1127 +São Paulo,210,3,2,0,11,acept,furnished,2200,4000,442,51,6693 +Belo Horizonte,230,3,4,4,17,acept,furnished,1410,15000,130,200,16740 +São Paulo,300,3,3,4,12,acept,not furnished,3800,6500,1417,83,11800 +Belo Horizonte,400,6,4,0,-,acept,not furnished,0,15000,375,246,15620 +São Paulo,273,3,3,1,5,acept,not furnished,1880,4250,778,54,6962 +São Paulo,200,4,4,3,9,acept,furnished,2800,5000,1211,64,9075 +São Paulo,121,3,3,2,-,acept,not furnished,0,3750,255,57,4062 +Rio de Janeiro,40,1,1,0,5,acept,not furnished,445,2200,68,29,2742 +São Paulo,55,1,1,0,3,not acept,furnished,420,1824,0,24,2268 +São Paulo,120,1,1,2,7,acept,not furnished,1000,2190,300,28,3518 +Campinas,144,3,2,3,-,acept,not furnished,890,4000,138,61,5089 +Campinas,60,2,1,1,2,acept,not furnished,314,1000,0,13,1327 +São Paulo,60,1,1,2,9,not acept,not furnished,550,1500,50,20,2120 +Rio de Janeiro,49,1,1,0,2,acept,not furnished,630,1235,0,16,1881 +Porto Alegre,107,3,3,2,6,acept,not furnished,1200,4270,250,63,5783 +Campinas,202,3,2,4,-,acept,not furnished,0,3500,608,53,4161 +São Paulo,60,1,1,1,11,not acept,furnished,2357,5440,277,69,8143 +São Paulo,156,3,4,2,7,acept,not furnished,1800,2000,0,26,3826 +Rio de Janeiro,100,3,1,0,1,acept,not furnished,1146,2200,199,29,3574 +São Paulo,70,2,2,0,14,not acept,not furnished,600,3200,0,41,3841 +São Paulo,45,1,1,0,3,not acept,furnished,620,3850,0,49,4519 +Rio de Janeiro,100,3,1,1,2,acept,not furnished,800,1400,42,19,2261 +Campinas,52,1,1,1,3,acept,furnished,730,3000,59,39,3828 +São Paulo,120,3,2,2,-,acept,not furnished,0,5000,250,76,5326 +Porto Alegre,80,3,2,2,2,acept,not furnished,650,2350,100,35,3135 +São Paulo,320,4,2,2,-,acept,furnished,0,8000,642,121,8763 +São Paulo,90,2,2,1,3,acept,not furnished,1000,3000,50,39,4089 +Belo Horizonte,139,4,1,2,3,not acept,not furnished,1600,4200,390,56,6246 +São Paulo,400,3,3,4,-,acept,not furnished,0,3650,0,55,3705 +São Paulo,320,3,5,8,-,not acept,not furnished,0,9000,567,136,9703 +São Paulo,63,3,2,1,4,not acept,not furnished,532,2273,0,29,2834 +Porto Alegre,40,1,1,1,9,not acept,furnished,1300,1200,68,18,2586 +Rio de Janeiro,135,3,2,2,4,not acept,not furnished,935,2600,141,34,3710 +Rio de Janeiro,100,3,2,1,5,acept,not furnished,884,1870,75,25,2854 +Belo Horizonte,274,4,5,5,10,not acept,not furnished,2450,13000,179,174,15800 +Rio de Janeiro,70,1,1,0,11,not acept,furnished,500,5000,0,65,5565 +São Paulo,240,3,1,2,8,acept,not furnished,2088,4000,1449,51,7588 +Campinas,97,1,1,0,12,acept,not furnished,468,720,61,10,1259 +Campinas,270,3,3,5,-,acept,not furnished,0,7500,459,113,8072 +Rio de Janeiro,160,3,2,0,8,not acept,furnished,1127,6500,258,84,7969 +Belo Horizonte,20,1,1,1,-,acept,furnished,0,1100,0,15,1115 +Campinas,55,1,1,0,1,acept,not furnished,260,716,12,10,998 +Porto Alegre,45,1,1,1,3,acept,not furnished,367,1020,21,15,1423 +Campinas,85,2,1,0,-,acept,not furnished,590,680,0,9,1279 +São Paulo,130,3,4,2,8,acept,furnished,1300,5500,0,70,6870 +São Paulo,95,3,2,0,-,acept,not furnished,0,2300,125,35,2460 +São Paulo,70,3,2,1,9,acept,not furnished,400,1600,84,21,2105 +São Paulo,65,2,2,2,7,acept,not furnished,1500,6000,500,77,8077 +Rio de Janeiro,150,3,2,0,5,acept,not furnished,1290,1930,298,25,3543 +Belo Horizonte,93,3,3,2,1,not acept,not furnished,300,1500,76,20,1896 +São Paulo,30,1,1,0,-,not acept,not furnished,0,1000,0,16,1016 +São Paulo,200,4,4,2,-,not acept,not furnished,0,8000,850,121,8971 +São Paulo,350,4,5,4,2,acept,furnished,5000,15000,0,191,20190 +Porto Alegre,140,3,2,2,-,acept,not furnished,0,4000,142,72,4214 +São Paulo,431,3,3,2,8,not acept,furnished,6200,15000,1370,191,22760 +Campinas,50,1,1,1,16,acept,not furnished,432,991,36,13,1472 +São Paulo,70,3,1,1,1,acept,not furnished,542,1340,117,17,2016 +São Paulo,260,2,5,5,-,acept,not furnished,0,8000,1417,121,9538 +Belo Horizonte,500,8,5,8,-,acept,not furnished,0,5000,150,82,5232 +São Paulo,114,2,2,1,4,acept,not furnished,1405,2000,0,26,3431 +Belo Horizonte,90,3,2,1,9,acept,not furnished,250,1000,84,14,1348 +Belo Horizonte,350,5,2,7,-,acept,furnished,0,9000,602,148,9750 +São Paulo,190,4,4,2,4,acept,not furnished,2000,3200,134,41,5375 +São Paulo,90,3,3,2,-,acept,not furnished,0,2000,50,31,2081 +São Paulo,340,5,6,5,7,not acept,furnished,4800,8000,2100,102,15000 +São Paulo,160,3,4,4,-,not acept,not furnished,0,2500,292,38,2830 +São Paulo,45,2,1,0,1,not acept,not furnished,100,1190,0,16,1306 +Rio de Janeiro,60,2,1,0,2,acept,furnished,175,1840,0,24,2039 +São Paulo,66,2,1,1,10,not acept,furnished,700,3800,84,27,4611 +Porto Alegre,60,1,1,0,6,acept,furnished,300,1390,34,21,1745 +Belo Horizonte,180,6,4,6,-,acept,not furnished,0,5500,209,91,5800 +São Paulo,200,4,4,4,1,acept,not furnished,2300,4900,1167,63,8430 +Belo Horizonte,160,3,2,2,-,acept,not furnished,0,4320,100,71,4491 +Rio de Janeiro,55,1,1,0,9,acept,furnished,600,2600,50,34,3284 +São Paulo,290,3,4,3,7,acept,furnished,3900,8770,1834,112,14620 +Rio de Janeiro,33,1,1,0,6,not acept,furnished,500,2500,0,33,3033 +São Paulo,100,3,2,1,-,acept,not furnished,0,1700,30,26,1756 +São Paulo,340,4,3,0,-,acept,not furnished,0,5200,667,79,5946 +São Paulo,70,1,2,1,16,acept,not furnished,1344,3800,125,49,5318 +São Paulo,80,1,1,4,-,acept,not furnished,0,1000,75,16,1091 +Campinas,53,1,1,1,8,not acept,not furnished,550,650,36,9,1245 +Rio de Janeiro,70,2,2,1,11,acept,not furnished,942,1710,44,23,2719 +Campinas,411,4,5,4,-,acept,not furnished,0,5500,667,83,6250 +São Paulo,240,3,4,3,-,acept,not furnished,2140,5500,750,83,8473 +São Paulo,300,6,7,5,-,not acept,not furnished,0,8000,0,121,8121 +Campinas,67,2,2,2,12,acept,not furnished,800,1030,84,14,1928 +São Paulo,120,3,3,2,-,acept,not furnished,0,3500,122,53,3675 +Rio de Janeiro,40,1,1,0,2,acept,not furnished,480,1810,0,24,2314 +Belo Horizonte,169,3,2,4,-,acept,not furnished,0,3200,109,53,3362 +São Paulo,200,4,4,3,7,not acept,not furnished,2800,6141,997,78,10020 +Belo Horizonte,360,1,1,8,-,acept,not furnished,0,2190,167,36,2393 +Rio de Janeiro,400,4,4,2,-,acept,not furnished,2000,15000,917,229,18150 +Rio de Janeiro,60,2,1,0,10,acept,not furnished,700,1600,59,21,2380 +São Paulo,250,3,3,3,-,acept,not furnished,0,4600,0,70,4670 +Porto Alegre,47,1,1,1,1,not acept,furnished,400,2200,0,33,2633 +São Paulo,48,2,1,0,2,acept,not furnished,0,1200,0,16,1216 +Campinas,92,3,3,2,11,acept,not furnished,780,1700,167,22,2669 +São Paulo,140,2,2,1,3,not acept,not furnished,1882,3000,190,39,5111 +Belo Horizonte,22,1,1,0,-,acept,not furnished,30,450,13,6,499 +Porto Alegre,140,2,3,2,7,acept,furnished,1000,3000,113,44,4157 +Campinas,83,2,2,2,1,acept,furnished,800,3700,234,47,4781 +São Paulo,380,3,5,4,-,acept,not furnished,0,5500,1200,83,6783 +Rio de Janeiro,200,4,2,1,8,not acept,furnished,1500,3800,321,49,5670 +Porto Alegre,18,1,1,0,3,not acept,furnished,370,1090,0,16,1476 +Rio de Janeiro,290,4,4,0,-,acept,not furnished,0,15000,750,229,15980 +São Paulo,115,3,2,2,8,acept,not furnished,1900,2900,400,37,5237 +Porto Alegre,100,3,2,2,2,acept,furnished,900,2455,125,36,3516 +São Paulo,250,4,3,3,2,acept,not furnished,3600,2430,1167,31,7228 +São Paulo,84,3,3,2,15,acept,furnished,1300,8700,375,111,10490 +São Paulo,120,2,2,2,11,acept,not furnished,2200,4000,500,51,6751 +Rio de Janeiro,95,3,2,1,6,acept,furnished,1162,2600,443,34,4239 +São Paulo,27,1,1,0,5,not acept,not furnished,1405,3500,1,45,4951 +Belo Horizonte,58,2,2,1,5,acept,not furnished,400,999,99,14,1512 +Porto Alegre,40,1,1,0,2,acept,not furnished,230,700,9,11,950 +São Paulo,90,2,1,0,-,not acept,not furnished,0,1450,50,22,1522 +Belo Horizonte,65,2,1,1,1,acept,not furnished,200,1100,70,15,1385 +Porto Alegre,400,4,2,2,15,acept,furnished,2250,6300,500,92,9142 +Rio de Janeiro,300,3,4,1,10,acept,furnished,1983,9100,700,118,11900 +São Paulo,249,3,3,1,9,acept,furnished,2250,7000,420,89,9759 +Belo Horizonte,80,2,1,1,3,not acept,not furnished,240,1200,67,16,1523 +São Paulo,60,2,1,1,11,acept,not furnished,550,1343,0,18,1911 +São Paulo,190,3,2,1,6,acept,furnished,3040,8000,556,102,11700 +Belo Horizonte,95,3,2,2,7,acept,not furnished,525,3100,219,42,3886 +São Paulo,125,2,1,1,-,acept,not furnished,0,1490,74,23,1587 +São Paulo,107,2,4,2,2,not acept,not furnished,1800,11000,417,140,13360 +Rio de Janeiro,40,1,1,0,2,acept,furnished,742,2090,86,27,2945 +Rio de Janeiro,170,2,3,1,2,acept,furnished,1559,5000,225,65,6849 +Campinas,140,1,2,2,15,acept,not furnished,1462,5200,284,66,7012 +Rio de Janeiro,20,1,1,0,3,acept,not furnished,395,850,5,11,1261 +São Paulo,39,1,1,1,5,acept,furnished,550,1700,95,22,2367 +Campinas,150,3,2,4,-,acept,furnished,0,3500,186,53,3739 +São Paulo,52,2,1,1,1,acept,not furnished,390,950,23,13,1376 +Campinas,250,1,2,2,-,acept,not furnished,0,2200,602,34,2836 +São Paulo,238,4,3,1,7,acept,not furnished,2515,4500,575,58,7648 +São Paulo,90,3,1,0,13,acept,not furnished,785,1600,0,21,2406 +Rio de Janeiro,310,3,2,0,5,not acept,not furnished,2500,6000,595,78,9173 +Belo Horizonte,55,2,1,1,2,not acept,furnished,200,1600,75,22,1897 +Rio de Janeiro,60,2,2,0,13,acept,not furnished,600,2700,154,35,3489 +Belo Horizonte,75,2,1,1,3,not acept,not furnished,180,1250,0,17,1447 +São Paulo,24,1,1,0,-,acept,not furnished,0,870,0,14,884 +São Paulo,340,4,5,3,15,not acept,furnished,3519,12000,1287,153,16960 +São Paulo,165,3,3,2,2,acept,furnished,1150,2710,84,35,3979 +São Paulo,84,2,2,1,16,not acept,furnished,768,2900,63,37,3768 +São Paulo,126,2,1,0,13,acept,not furnished,570,2580,0,33,3183 +Porto Alegre,220,3,2,2,15,acept,not furnished,842,2400,117,36,3395 +Rio de Janeiro,135,4,2,1,-,acept,not furnished,0,3300,115,51,3466 +Rio de Janeiro,250,3,2,1,11,acept,not furnished,2000,2700,500,35,5235 +Porto Alegre,40,1,1,0,1,acept,not furnished,330,1200,159,18,1707 +São Paulo,38,1,1,0,19,not acept,not furnished,583,1000,46,13,1642 +São Paulo,141,3,5,0,4,acept,not furnished,909,10140,772,129,11950 +São Paulo,61,1,2,1,13,acept,not furnished,680,4000,140,51,4871 +São Paulo,156,4,4,3,1,acept,furnished,2000,2200,750,28,4978 +São Paulo,230,3,5,3,3,not acept,not furnished,3800,11000,1100,140,16040 +Porto Alegre,160,3,2,3,4,acept,furnished,850,3300,220,49,4419 +São Paulo,280,4,4,2,5,acept,not furnished,4200,4000,1042,51,9293 +Rio de Janeiro,98,2,1,0,1,acept,not furnished,560,3900,184,51,4695 +São Paulo,83,3,2,2,11,acept,not furnished,888,7521,221,96,8726 +São Paulo,150,3,3,2,8,not acept,furnished,0,13500,0,172,13670 +Porto Alegre,63,2,1,1,5,not acept,furnished,402,1478,24,22,1926 +São Paulo,285,4,4,4,17,acept,not furnished,3100,15000,973,191,19260 +Rio de Janeiro,70,3,3,0,8,not acept,furnished,980,6000,332,78,7390 +Rio de Janeiro,120,2,2,2,8,acept,furnished,1585,12000,279,155,14020 +São Paulo,80,2,1,0,-,acept,not furnished,0,1400,165,22,1587 diff --git a/Assignment/Assignment_3/Assignment_3_200155.ipynb b/Assignment/Assignment_3/Assignment_3_200155.ipynb new file mode 100644 index 0000000..09b4eb3 --- /dev/null +++ b/Assignment/Assignment_3/Assignment_3_200155.ipynb @@ -0,0 +1,564 @@ +{ + "nbformat": 4, + "nbformat_minor": 0, + "metadata": { + "colab": { + "name": "Assignment-3_200155.ipynb", + "provenance": [] + }, + "kernelspec": { + "name": "python3", + "display_name": "Python 3" + }, + "language_info": { + "name": "python" + } + }, + "cells": [ + { + "cell_type": "markdown", + "source": [ + "#Importing required libraries" + ], + "metadata": { + "id": "0h3-7LWlsg-h" + } + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": { + "id": "50uuFArErt5g" + }, + "outputs": [], + "source": [ + "import tensorflow as tf\n", + "import matplotlib.pyplot as plt\n", + "from tensorflow.keras.models import Sequential\n", + "from tensorflow.keras.layers import Dense,LSTM\n", + "from tensorflow.keras.utils import to_categorical" + ] + }, + { + "cell_type": "markdown", + "source": [ + "#Import, loading and normalizing MNIST dataset" + ], + "metadata": { + "id": "vcmHe_bgsy6v" + } + }, + { + "cell_type": "code", + "source": [ + "from tensorflow.keras.datasets import mnist\n", + "(X_train,y_train),(X_test,y_test)=mnist.load_data()\n", + "X_test,X_train=X_test/255.0,X_train/255.0\n", + "Y_train = to_categorical(y_train)\n", + "Y_test = to_categorical(y_test)" + ], + "metadata": { + "id": "2kMKBk1ks5y1" + }, + "execution_count": 2, + "outputs": [] + }, + { + "cell_type": "markdown", + "source": [ + "#Visualising Dataset" + ], + "metadata": { + "id": "d4LiJtslKu2w" + } + }, + { + "cell_type": "code", + "source": [ + "n = 10\n", + "plt.figure(figsize=(n*2,2))\n", + "for i in range(n):\n", + " plt.subplot(1, n, i+1)\n", + " plt.imshow(X_train[i], cmap='gray')\n", + " plt.title(\"Class {}\".format(y_train[i]))\n", + " plt.axis('off')\n", + "plt.show()" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/", + "height": 141 + }, + "id": "0TPzsVDruZrO", + "outputId": "ff4f8a12-7a5f-449a-b166-a21cf33c3e11" + }, + "execution_count": 3, + "outputs": [ + { + "output_type": "display_data", + "data": { + "text/plain": [ + "
" + ], + "image/png": "iVBORw0KGgoAAAANSUhEUgAABGoAAAB8CAYAAAAxd1aTAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADh0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uMy4yLjIsIGh0dHA6Ly9tYXRwbG90bGliLm9yZy+WH4yJAAAgAElEQVR4nO3deZxUxbXA8VMqIgRHEHAPS2QRRAQRFeShEdwQASUoyOoSjEZcIRpBxbCKSh6gKKCIAh/FJ5uoBFA2F+RBCOYhYAAVhICgsu+Y+/7otjx1nR66Z3rmVvf8vp9PfziXqr5d3TW3p7umTpUJgkAAAAAAAAAQvWOibgAAAAAAAABiGKgBAAAAAADwBAM1AAAAAAAAnmCgBgAAAAAAwBMM1AAAAAAAAHiCgRoAAAAAAABPZMxAjTGmrzFmQtTtQP7Rh9mBfsx89GF2oB8zH32YHejHzEcfZgf6MfPRhz/zaqDGGHOLMWapMWaPMWazMWamMaZJRG352hizP96WPcaY2VG0I9N41odVjDHzjDH7jDGrjTHNo2hHJvKpH1WbLjPGBMaY/lG2I1P41IfGmH7GmP8zxhwxxvSNog2ZyrN+bGyM+V9jzG5jzD+jfk/IFL70oTHmFGPM68aYfxtjdhpjPjbGXFzU7chUvvRjvC28p+aDZ304zxizzRizyxjzmTGmdRTtyESe9SPXYj741IeqTd59z/BmoMYY86CI/LeIDBSRU0WkkoiMFJEo37iuD4KgTPx2VYTtyAge9uHrIvIPESkvIr1F5C1jTMWI2pIxPOxHMcaUEJFhIrI4qjZkEg/7cK2I/ElE3o3o8TOST/1ojDlZRGaIyNMiUlZEhojIDGNMuaJuSybxqQ9FpIyILBGRBiJysoi8KiLvGmPKRNCWjOJZP4rwnpoyD/vwPhE5PQiCHBHpLiITjDGnR9SWjOFhP3ItpsjDPvT2e4YXAzXGmJNE5C8i8scgCKYEQbA3CILDQRDMCIKgV4L7/I8xZkv8r0ILjTHnqrIWxpiV8b/6bTLG9Iz/fwVjzDvGmB3GmB+MMR8aY7x4DTKdb31ojKkhIheIyBNBEOwPgmCyiPyfiLQtjOefLXzrR+UhEZktIqvT+HSzko99GATBq0EQzBSR3YXwlLOSh/3YWES2BEHwP0EQ/BgEwQQR2SYiN6b/2WcH3/owCIIvgyAYGgTB5ngfjhaR40WkZuG8AtnBt34U4T01VZ724T+DIDjy06GIlBCRX6f1iWcZT/uRazEFPvZhnJffM3wZpGgkIieIyNQU7jNTRKqLyCkiskxEJqqyl0XkziAIThSROiIyN/7/D4nIRhGpKLERvEcl9uaYyEQTm5Y42xhzfgptK45868NzReTLIAj0G+dn8f9HYr71oxhjKovIbRJ7Y8fRedeHyBcf+9HkclwnhfYVNz72oWWMqSexgZq1KbSvOPK6H5EUL/sw/kXygMT+ij9fRJam0L7iyMt+REq860Ofv2ccF3UD4sqLyHdqZPmogiAY+1NsYjmB240xJwVBsFNEDotIbWPMZ0EQbBeR7fGqh0XkdBGpHATBWhH5MI+H6CixHwYjsemJs4wx5wRBsCOF51Wc+NaHZURkZ+j/dorImcm2r5jyrR9FRIaLyGNBEOwxJvw9EbnwsQ+ROt/6cZGInGGM6SAib4nILSJytoiUTu1pFSu+9aFljMkRkfEi8mT83EjM235E0rzswyAIWppYykVzEakVBMF/UnlSxZCX/YiU+NiH3n7P8GVGzfciUsEYk9TAkTHmWGPMYGPMOmPMLhH5Ol5UIf5vWxFpISLrjTELjDGN4v//tMT+cjTbGPOlMeaRRI8RBMHHQSxlZl8QBINEZIeI/FfqT63Y8K0P94hITuj/coSpiUfjVT8aY64XkRODIJiUz+dTHHnVh8g3r/oxCILvJZY//qCIfCsi14jI+xL7ixVy51UfqscpJbH1hj6Nf75B3rzsR6TE2z6Mp33MFJGrjDGtUnhOxZG3/YikedWH3n/PCIIg8puInCQie0Xkd3nU6SsiE+JxZxFZJSJVJTbjpazEpjNVC92nhIg8ICLf5HK+OiKyVUSaJdnGVSLSKurXytebb30oIjVE5IDELr6f/m+hiPwh6tfK55uH/fjfIrJLRLbEb/slNgg3PerXytebb30YqjdBRPpG/Rplws3nfozXPU5ENojI1VG/Vr7efOxDESkpIrMkNnX8mKhfo0y4+diPqh7vqRneh6r++yLyQNSvlc83n/uRazEz+1A8/57hxYyaIDZ16XERed4Y08YYU9oYU8IYc60xZkgudzlRRA5KbFSutMRWjRYREWPM8caYjvEpUYcl9uL/J17W0hhTzcTmNe0UkR9/KtOMMZWMMZfGz3WCMaaXxEbuPk7vM88evvVhEAT/EpHlIvJEvA9vEJG6IjI5nc872/jWjyLymMQG3erFb2+LyBgRuTVNTznreNiHEn/8EyQ2i/O4+DV5bPqedfbxtB/rx9uQIyLPSOwD0az0Pevs4lsfmliKxVsS+yDaNSDNIim+9WO8Lu+pKfCtD40x58Qfu1S8HZ1EpKmILEjvM88uvvVjvC7XYgo87EO/v2dEPVIUGtXqKLGFtPZKbFTrXRFpnMvoWhkRmS6xNJb1ItJF4qNrElsY728Sy1HbJbGtKJvE7/eAxKZM7ZXYdO3HErTjXBH5Z7ze9yLygYhcGPXrkwk3X/owXreKxBZn2y8iX4hI86hfn0y5+dSPoXaNE5H+Ub8+mXDzqQ/j/RaEbt2ifo0y4eZZP74usQ88O0VkkoicEvXrkwk3X/pQRC6Ln2+fxP5i+NPtv6J+jTLh5ks/xuvynprBfSgitSS2gPBuiS2tsEREboj69cmUmy/9GK/LtZjhfZhLf3rzPcPEGwUAAAAAAICIeZH6BAAAAAAAAAZqAAAAAAAAvMFADQAAAAAAgCcYqAEAAAAAAPDEcXkVGmNYaTgiQRCYdJ2LfoxOuvqRPowO12J24FrMfFyL2YFrMfNxLWYHrsXMx7WYHRL1IzNqAAAAAAAAPMFADQAAAAAAgCcYqAEAAAAAAPAEAzUAAAAAAACeYKAGAAAAAADAEwzUAAAAAAAAeIKBGgAAAAAAAE8wUAMAAAAAAOAJBmoAAAAAAAA8wUANAAAAAACAJxioAQAAAAAA8AQDNQAAAAAAAJ5goAYAAAAAAMATx0XdACAVDRo0sPE999zjlHXp0sXGr732mo1HjBjh1Fu2bFkhtQ4AACBm2LBhNr733nttvGLFCqdey5Ytbbx+/frCbxgAIN8++OADGxtjbHzFFVek9XGYUQMAAAAAAOAJBmoAAAAAAAA8kfGpT8cee6yNTzrppKTuE06ZKV26tI1r1qxp4z/+8Y9OvWeeecbGHTp0cMoOHDhg48GDB9v4ySefTKpNyF29evWc4zlz5tg4JyfHKQuCwMadO3e2catWrZx65cuXT2cTEYFmzZrZeOLEiU7ZZZddZuMvvviiyNqE3PXp08fG4ffDY475+W8Fl19+uVO2YMGCQm0XkC1OPPFEG5cpU8Ypu+6662xcsWJFGw8dOtSpd/DgwUJqXfFSpUoV57hTp042/s9//mPjWrVqOfXOOeccG5P6FL0aNWo4xyVKlLBx06ZNbTxy5Einnu7j/Jo+fbqN27dv75QdOnSowOcvrnQfNm7c2MYDBw506l166aVF1iZkjr/+9a/Osf4Z0sttpBszagAAAAAAADzBQA0AAAAAAIAnvEl9qlSpknN8/PHH21hPL2rSpIlTr2zZsjZu27ZtgduxceNGGw8fPtwpu+GGG2y8e/dup+yzzz6zMVP2C+aiiy6y8eTJk50ynd6mU51E3D7R00PDqU6XXHKJjcM7QGXbtFI9RVe/DlOnTo2iOWnTsGFDGy9ZsiTCliA33bp1s/HDDz9s47ymhYevZwA/0yk1+poSEWnUqJGN69Spk9T5Tj/9dOdY70iE/Nu2bZtzvHDhQhuH07ARvXPPPdfG+vdWu3btnHo6TfeMM86wcfh3Wjp+j+mfkxdffNEpu//++228a9euAj9WcaK/P8ybN8/GW7ZsceqddtppCctQvOilTP7whz84ZYcPH7ax3gEq3ZhRAwAAAAAA4AkGagAAAAAAADzBQA0AAAAAAIAnIl2jRm+9PHfuXKcs2a2200HnmOqtZPfs2ePU09sAb9682Snbvn27jdkS+Oj0lugiIhdccIGNJ0yYYONwHn1e1qxZY+MhQ4bY+I033nDqffzxxzbW/S0iMmjQoKQfLxPoLY+rV69u40xbo0bnh4uIVK1a1caVK1d2yowxRdImJKb75IQTToiwJcXTxRdfbGO9PbDeul7EXZ8hrGfPnjb+97//bePwOnH6/Xrx4sWpNxaW3qJZxF2PomPHjjYuVaqUU0+/533zzTdOmV67TW8JfdNNNzn19DbDq1evTqXZUPbu3escs9W23/RnvhYtWkTYktx16dLFOX755ZdtrD/LIv/0mjThY9aoKd70mqZ6e3cRkY8++sjGb775ZqG1gRk1AAAAAAAAnmCgBgAAAAAAwBORpj5t2LDBxt9//71TVtDUp/AU7B07dtj4t7/9rVOmt2QeP358gR4XyRk1apRz3KFDhwKfU6dPlSlTxsbh7dJ1OlDdunUL/Lg+09NmFy1aFGFLCiacAvf73//exjr1QoRp+1Fo3ry5c9yjR49c64X7pmXLljb+9ttv09+wYuLmm292jocNG2bjChUq2DicFjh//nwbV6xY0Sl7+umnc32s8Dn0/dq3b59cg4s5/fnmqaeesnG4H0888cSkzqfTfq+++mqnTE/X1tef/rnI7Rj5U7ZsWef4/PPPj6glSMacOXNsnFfq09atW22s04/Cadnh7bq1xo0b2zichorokC6fWZo2bWrj3r172zj8PfKHH35I+dzhc9SpU8fG69atc8p0enhhYkYNAAAAAACAJxioAQAAAAAA8AQDNQAAAAAAAJ6IdI0anT/Wq1cvp0yvXfCPf/zDxsOHD094vuXLl9v4yiuvdMr0lonhLUnvu+++JFuMgmjQoIGNr7vuOqcsUY5oeH2ZGTNm2PiZZ55xyvQWsvpnRm+dLiJyxRVXHPVxs0U4fzpTvfTSSwnL9PoMKDp6m+ZXXnnFKUu0xlh43RO2rk3Nccf9/Cv7wgsvtPGYMWOceqVLl7bxwoULbdyvXz+nnt5esmTJkk6Z3m7yqquuStimpUuXHq3ZCLnhhhtsfMcdd6R8/3CuvP68E96eu1q1aimfH/mnrz0RkUqVKiV1v4YNG9o4vJYX75OF54UXXrDxtGnTEtY7fPiwjfO7ZXNOTo6NV6xYYeMzzjgj4X3CbeL9Nv2CIHCOTzjhhIhagmSMHj3axtWrV7dx7dq1nXr6802yHn30Uee4fPnyNtZrY4qIfPbZZymfPz+y41scAAAAAABAFmCgBgAAAAAAwBORpj5p4el9c+fOtfHu3bttHN7q8Pbbb7exToXRqU5hn3/+uXPcvXv31BqLpNWrV8/GehtEPQVUxJ16OHPmTBuHt0rTWxr26dPHKdPpMdu2bbNxeHqa3j4xnIKlt/hetmyZZJrwduOnnnpqRC1Jr0SpNCLuzxWKTteuXW2c19RtvQX0a6+9VphNynqdOnWycV7pgPqa0Fs+79q1K+F9wltDJ0p32rhxo3P86quvJjwncteuXbuk6n399dc2XrJkiY0ffvhhp1443UmrVatWao1DgegUbBGRcePG2bhv374J76fLduzY4ZQ999xz6WgacnHkyBEb53UdpcPVV19t43LlyiV1n/D77cGDB9PaJvySTiv+9NNPI2wJcrNv3z4b6++O+U1Z099TK1eu7JTp74tRpcQxowYAAAAAAMATDNQAAAAAAAB4wpvUp7BEU7R37tyZ8D56ReZJkyY5ZXr6EgpPjRo1nGO9m5dOX/nuu++ceps3b7axnkq/Z88ep967776ba5xfpUqVco4feughG3fs2LHA5y9qLVq0cI7Dzy+T6LStqlWrJqy3adOmomhOsVehQgXn+LbbbrNx+P1VT93v379/4TYsi4V3adI7EugpvyNHjnTq6bTQvNKdtN69eydV795773WOdZopkqM/q+jU69mzZzv11q5da+OtW7fm67GyJf01U+lrOK/UJ2Sf9u3bO8f6uk/2s9njjz+e1jYVZzrNTX+XDKfWn3322UXWJhxd+HPQeeedZ+NVq1bZOJVdmH71q1/ZWKcSh3ft06lvb731VtLnTydm1AAAAAAAAHiCgRoAAAAAAABPMFADAAAAAADgCW/XqEkknOPboEEDG+utm5s3b+7UC+d+I31KlixpY71Fuoi7ZoreZr1Lly5OvaVLl9o4ynVVKlWqFNljp0PNmjUTloW3pfed/lkKr7Pwr3/9y8b65wrpVaVKFRtPnjw56fuNGDHCxvPmzUtnk7KeXpNAr0kjInLo0CEbz5o1y8bh7Zr379+f67nD20vqLbjD733GGBvrdYamT5+esO1Ijt7CubDXLWnUqFGhnh/JO+aYn/82yrqJ2SG8luEjjzxi42rVqjllJUqUSOqcy5cvt/Hhw4cL0Dpoeu28Dz/80MYtW7aMojnIw69//Wsb67WdRNy1hu655x4bp7Je3tChQ23crl07G+vfzSIil156adLnLCzMqAEAAAAAAPAEAzUAAAAAAACeyLjUp7179zrHekrUsmXLbDxmzBinnp5+r9NsRESef/55G+stT5Gc+vXr2zi8PbTWunVrGy9YsKBQ24RfWrJkSdRNEBGRnJwcG19zzTVOWadOnWys0zLC9HZ9ejor0kv3T926dRPW++CDD5zjYcOGFVqbsk3ZsmWd47vvvtvG4d9HOt2pTZs2SZ1fT7+fOHGiU6ZTh8P0VpRDhgxJ6rFQePS26Hpr0aPRW5lqn3zyiXO8aNGi/DUMSdPpTnzW9INO7+3cubONw8snJNKkSRPnONl+3bVrl411upSIyHvvvWfjRGmsQLapU6eOjadOnWrjChUqOPV0an2y3yV79uzpHHfr1i3XegMGDEjqfEWJGTUAAAAAAACeYKAGAAAAAADAExmX+hS2bt06G+upTK+88opTT09p1LGIO434tddes/HmzZvT1cysplfP1juFiLjT0nxJdyquOy+cfPLJ+brf+eefb2Pdv+GpwWeddZaNjz/+eBuHd0XQr394Wu/ixYttfPDgQRsfd5z7VvX3v/89qbYjdTqlZvDgwQnrffTRRzbu2rWrU7Zz5870NyxL6WtF5JfTfDWd/nLKKafY+NZbb3XqtWrVysZ6OnGZMmWcenqafnjK/oQJE2wcTjlG+pQuXdrGtWvXdsqeeOIJG+eVVpzs7zS9o0X4Z+bHH388emOBDKffD0VE3n77bRsX5a6feteh0aNHF9nj4ujKly8fdROylv4sr5c6EBF5+eWXbZzX7zS9k+Gf//xnG+vvoiLudx69s5OI+11Gf+8fNWpU3k8gAsyoAQAAAAAA8AQDNQAAAAAAAJ5goAYAAAAAAMATGb9Gjaa381qzZo1TpnPXmjVr5pQNHDjQxpUrV7ZxeJuuTZs2paWdma5ly5bOcb169WwcXudA5//6Iq8tMpcvX17UzUmr8Jov+vm9+OKLNn700UeTPqfellnndR45csSpt2/fPhuvXLnSxmPHjnXqLV261MbhdYu+/fZbG2/cuNHGpUqVcuqtXr06qbbj6PT2pCIikydPTup+X375pY11vyE1hw4dco63bdtm44oVKzplX331lY2T3QZWr0uit4QVETn99NNt/N133zllM2bMSOr8OLoSJUo4x/Xr17exvt50f4i47+e6H8NbaV9zzTU21mvehOn1AW688UanbNiwYTYO/0wC2Up/pgmvsZgMvZaGSPLrHurP0ddee61TNnPmzJTbgfTRa7whvdq3b2/jl156ySnTn2n0dbR27Vqn3oUXXphr3Lp1a6femWeeaePw71b9Oeu2225Lqu1RYUYNAAAAAACAJxioAQAAAAAA8ERWpT5pK1ascI5vuukmG19//fVOmd7K+84777Rx9erVnXpXXnllOpuYscJpKHp72a1btzplkyZNKpI2hZUsWdLGffv2TVhv7ty5zrHe6i0T3X333c7x+vXrbdy4ceN8nXPDhg02njZtmo1XrVrl1Pv000/zdX6te/fuNtZpHzrNBun18MMPO8fJTt3Oa+tuJG/Hjh3Osd4e/Z133nHK9HaT69ats/H06dOdeuPGjbPxDz/8YOM33njDqaenA4fLUDD696JOTRIRmTJlSq73efLJJ51j/fvp448/trH+OQjXC28/rOn31EGDBjllid7nRUQOHjyY8JxIXrLbqDdt2tQ5fu655wqtTcVN+LvB5ZdfbmO9XfCsWbOcegcOHEj5sW6//XbnuEePHimfA4Vj3rx5Ng4v54D0ufnmm51j/X378OHDTpn+LHTLLbfYePv27U69Z5991saXXXaZjXUalIibyhhOFa9QoYKNv/nmGxvr9wMR93NWVJhRAwAAAAAA4AkGagAAAAAAADzBQA0AAAAAAIAnsnaNmjCd+zZ+/HinTG8RprevDOcJ69y1+fPnp7eBWSKcy7558+Yie2y9Lk2fPn1s3KtXL6ee3vZZ5zqKiOzZs6eQWheNp556KuompKRZs2a5/n+yW0YjOfXq1bPxVVddldR9wuugfPHFF2ltE2IWL15s4/D23Pmhf4/pfG4Rd50M1oEqmPAW3Hq9mfDvIE1vxTtixAinTH9u0T8L7733nlPvvPPOs3F4a+0hQ4bYWK9fE97KdOLEiTZ+//33nTL9eyS8XoC2fPnyhGVwr7fwmglaeOv02rVr23jlypXpb1gxptfxGzBgQFrPHV4fkTVq/KHX5ArT7+WVK1d2yvTPC45Or/sq4r7u/fv3d8r0+jV50dfRqFGjbNyoUaOk26XXr9HrFfmwJk0YM2oAAAAAAAA8wUANAAAAAACAJ7I29alu3brO8e9+9zsbN2zY0CnT6U5aeIrpwoUL09S67PX2228X2WPp9A0Rd3q53hIunLLRtm3bwm0Y0m7q1KlRNyGrzJ4928blypVLWE9vud6tW7fCbBIKSalSpWwc3hJYp1+wPXfqjj32WBv369fPKevZs6eN9+7d65Q98sgjNtave3irdr3dqN6iuX79+k69NWvW2Piuu+5yyvS07pycHBs3btzYqdexY0cbt2rVyimbM2eO5EZvayoiUrVq1VzrIebFF1+0cTglIC/du3e38f3335/WNqHwXH311VE3AQkcOXIkYZlOi9FLKiB14e9fU6ZMsXH490ey9NbaOp03rEOHDjZesWJFwnp6OQwfMaMGAAAAAADAEwzUAAAAAAAAeCLjU59q1qxp43vuucfG4VXzTzvttKTO9+OPP9o4vGNReNp4caWnBYaP27Rp45Tdd999aX3sBx54wMaPPfaYU3bSSSfZWO9g0aVLl7S2Ach05cuXt3Fe72sjR460cbbtiFZczJo1K+omZC2dkqJTnURE9u3bZ+NwmotOPbzkkktsfOuttzr1rr32WhvrFLa//OUvTj29W0Ze08l37dpl47/97W9OmT7WU8ZFRG655ZZcz6d/H+PoVq9eHXUTioXwDmx6Z8O5c+c6Zfv370/rY+treNiwYWk9N9JHp+SEr8tzzjnHxuFUw7vvvrtwG5Zl0nEN6O92IiLt2rWzsU7nDe/Y9Oabbxb4sX3AjBoAAAAAAABPMFADAAAAAADgCQZqAAAAAAAAPJERa9To9WXCudN6XZoqVark6/xLly618YABA2xclFtNZxK9pWv4OLwW0PDhw208duxYG3///fdOPZ2n37lzZxuff/75Tr2zzjrLxhs2bHDK9FoMem0NZCa99lGNGjWcMr1tNJKj17E45pjkxug/+eSTwmoOighbxBaexx9/PGGZ3rq7V69eTlnfvn1tXK1ataQeS99n0KBBTpleWy8dXn/99TyPkT8jRoywcY8ePZyys88+O+H99Fp/+hzhNRmKsyZNmti4d+/eTtmVV15p4/AW8vnZIvjkk0+2cYsWLZyyoUOH2rh06dIJz6HXxjlw4EDKbUD66DXDRETOPPNMGz/44INF3RyEhNcFuuuuu2y8detWG19xxRVF1qaixIwaAAAAAAAATzBQAwAAAAAA4AlvUp9OPfVU57h27do2fu6552yst01LxeLFi2389NNPO2V6mza24C4YPd1bxJ2y1rZtWxvrbUJFRKpXr57U+XUqxrx585yyvKahI/PolLpkU3Xws3r16jnHzZs3t7F+nzt06JBT7/nnn7fxt99+W0itQ1H5zW9+E3UTstaWLVtsXLFiRaesZMmSNg6n8GrvvfeejRcuXOiUTZs2zcZff/21jdOd6oSi9/nnnzvHeV2nfC49Ov09oU6dOgnr/elPf3KOd+/enfJj6VSqCy64wCkLLw2gzZ8/38YvvPCCjcOfZREt3Yfhz0coGpUrV7bxHXfc4ZTp/hk9erSNN27cWPgNiwDffgAAAAAAADzBQA0AAAAAAIAnGKgBAAAAAADwRJGuUaO3tBMRGTVqlI3D6ynkJ69er1/y7LPPOmV662a9LR5St2jRIud4yZIlNm7YsGHC++mtu8NrEml66+433njDKdPbVKL4aNSokXM8bty4aBqSQcqWLesc6+tP27Rpk3Pcs2fPQmsTit6HH35o4/BaT6x9UTBNmza1cZs2bZwyvXaF3kJURGTs2LE23r59u41ZD6H40GsriIhcf/31EbWkeNFb+xYGfa3PmDHDKdOfX9mS2185OTk2bt26tVM2derUom5OsTRnzhwb6/VqREQmTJhg4yeeeKLI2hQVZtQAAAAAAAB4goEaAAAAAAAATxRK6tPFF19s4169etn4oosucuqdeeaZKZ973759zvHw4cNtPHDgQBvv3bs35XMjOeEt0G688UYb33nnnU5Znz59kjrnsGHDbKy3LVy7dm1+mogsYIyJuglAxluxYoWN16xZ45TpFOOzzz7bKdu2bVvhNiwL6K19x48f75SFjwFt5cqVzvGqVatsXKtWraJuTsbr1q2bjXv06OGUde3atcDnX7dunY319xCdWiriprTp917466abbnKODx48aGN9Xar7GfQAAAJESURBVKLovPLKKzbu16+fUzZ9+vSibk6kmFEDAAAAAADgCQZqAAAAAAAAPGGCIEhcaEziwjwMHjzYxjr1KS/haaDvvPOOjY8cOWLj8G5OO3bsyE8TvRcEQdryPvLbjyi4dPVjcelDPX1Z74wyZswYp144xa4wZeq1GN7ladKkSTZu0qSJjb/66iunXrVq1Qq3YRHhWnSvLxGRl156ycYLFixwynT6QPj3c1Qy9VqEi2sx8/l8LZYsWdI51u97/fv3d8rKlStn42nTptlY7zoj4qZbbNmyJR3N9ALX4i93l9Wph61atXLK1q9fXyRtSoXP1yKSl6gfmVEDAAAAAADgCQZqAAAAAAAAPMFADQAAAAAAgCcKZY0aFBw5h9mB/N/Mx7WYHbgWRXJycpzjN99808bNmzd3yqZMmWLjW2+91cZ79+4tpNYdHddiduBazHxci9mBazHzcS1mB9aoAQAAAAAA8BwDNQAAAAAAAJ4g9clTTGXLDkwrzXxci9mBa/GXdCrUgAEDnLK77rrLxnXr1rVxlFt1cy1mB67FzMe1mB24FjMf12J2IPUJAAAAAADAcwzUAAAAAAAAeIKBGgAAAAAAAE+wRo2nyDnMDuT/Zj6uxezAtZj5uBazA9di5uNazA5ci5mPazE7sEYNAAAAAACA5xioAQAAAAAA8ESeqU8AAAAAAAAoOsyoAQAAAAAA8AQDNQAAAAAAAJ5goAYAAAAAAMATDNQAAAAAAAB4goEaAAAAAAAATzBQAwAAAAAA4In/B2bsttOXtR5jAAAAAElFTkSuQmCC\n" + }, + "metadata": { + "needs_background": "light" + } + } + ] + }, + { + "cell_type": "markdown", + "source": [ + "#Shape" + ], + "metadata": { + "id": "zyQUMsLmLByv" + } + }, + { + "cell_type": "code", + "source": [ + "y_train.shape=(60000,)\n", + "Y_train.shape=(60000,10)\n", + "\n", + "print(y_train.shape)\n", + "print(Y_train.shape)\n", + "print(y_test.shape)\n", + "print(Y_test.shape)\n", + "print(X_test.shape)\n", + "print(X_train.shape)" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "SJw-kkCYte-s", + "outputId": "4bd66c8f-2286-4041-b735-85a4bfb1dbe8" + }, + "execution_count": 4, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "(60000,)\n", + "(60000, 10)\n", + "(10000,)\n", + "(10000, 10)\n", + "(10000, 28, 28)\n", + "(60000, 28, 28)\n" + ] + } + ] + }, + { + "cell_type": "markdown", + "source": [ + "#Model Definition" + ], + "metadata": { + "id": "QtLvAr3PLFnP" + } + }, + { + "cell_type": "code", + "source": [ + "model=Sequential()\n", + "model.add(LSTM(64,input_shape=(28,28)))\n", + "model.add(Dense(12,activation=\"softmax\")) \n", + "model.add(Dense(10,activation=\"softmax\"))\n", + "model.summary()" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "UN2ND1qMuhSe", + "outputId": "ae21d05f-8eb7-4ccc-e94f-e55e8ada4eba" + }, + "execution_count": 9, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Model: \"sequential_2\"\n", + "_________________________________________________________________\n", + " Layer (type) Output Shape Param # \n", + "=================================================================\n", + " lstm_2 (LSTM) (None, 64) 23808 \n", + " \n", + " dense_4 (Dense) (None, 12) 780 \n", + " \n", + " dense_5 (Dense) (None, 10) 130 \n", + " \n", + "=================================================================\n", + "Total params: 24,718\n", + "Trainable params: 24,718\n", + "Non-trainable params: 0\n", + "_________________________________________________________________\n" + ] + } + ] + }, + { + "cell_type": "markdown", + "source": [ + "#Model Training" + ], + "metadata": { + "id": "f4-7Q874LK-a" + } + }, + { + "cell_type": "code", + "source": [ + "model.compile(optimizer=\"adam\", loss=\"categorical_crossentropy\", metrics=[\"acc\"])\n", + "history = model.fit(X_train, Y_train, epochs=100,validation_data = (X_test, Y_test))" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "h18KkCEuvCPR", + "outputId": "2a90dcbe-95e0-44d3-f9be-adb8706bc730" + }, + "execution_count": 13, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch 1/100\n", + "1875/1875 [==============================] - 117s 62ms/step - loss: 0.0041 - acc: 0.9989 - val_loss: 0.0635 - val_acc: 0.9885\n", + "Epoch 2/100\n", + "1875/1875 [==============================] - 25s 14ms/step - loss: 0.0057 - acc: 0.9984 - val_loss: 0.0660 - val_acc: 0.9878\n", + "Epoch 3/100\n", + "1875/1875 [==============================] - 25s 14ms/step - loss: 0.0029 - acc: 0.9992 - val_loss: 0.0619 - val_acc: 0.9876\n", + "Epoch 4/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0041 - acc: 0.9990 - val_loss: 0.0753 - val_acc: 0.9860\n", + "Epoch 5/100\n", + "1875/1875 [==============================] - 25s 13ms/step - loss: 0.0046 - acc: 0.9989 - val_loss: 0.0663 - val_acc: 0.9872\n", + "Epoch 6/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0030 - acc: 0.9993 - val_loss: 0.0722 - val_acc: 0.9866\n", + "Epoch 7/100\n", + "1875/1875 [==============================] - 25s 13ms/step - loss: 0.0056 - acc: 0.9985 - val_loss: 0.0682 - val_acc: 0.9863\n", + "Epoch 8/100\n", + "1875/1875 [==============================] - 25s 14ms/step - loss: 0.0033 - acc: 0.9991 - val_loss: 0.0707 - val_acc: 0.9875\n", + "Epoch 9/100\n", + "1875/1875 [==============================] - 25s 13ms/step - loss: 0.0031 - acc: 0.9992 - val_loss: 0.0646 - val_acc: 0.9881\n", + "Epoch 10/100\n", + "1875/1875 [==============================] - 25s 13ms/step - loss: 0.0043 - acc: 0.9988 - val_loss: 0.0667 - val_acc: 0.9883\n", + "Epoch 11/100\n", + "1875/1875 [==============================] - 25s 13ms/step - loss: 0.0028 - acc: 0.9993 - val_loss: 0.0645 - val_acc: 0.9887\n", + "Epoch 12/100\n", + "1875/1875 [==============================] - 25s 13ms/step - loss: 0.0034 - acc: 0.9991 - val_loss: 0.0714 - val_acc: 0.9868\n", + "Epoch 13/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0035 - acc: 0.9990 - val_loss: 0.0678 - val_acc: 0.9885\n", + "Epoch 14/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0030 - acc: 0.9993 - val_loss: 0.0745 - val_acc: 0.9866\n", + "Epoch 15/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0023 - acc: 0.9995 - val_loss: 0.0669 - val_acc: 0.9887\n", + "Epoch 16/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0033 - acc: 0.9991 - val_loss: 0.0680 - val_acc: 0.9871\n", + "Epoch 17/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0041 - acc: 0.9989 - val_loss: 0.0678 - val_acc: 0.9882\n", + "Epoch 18/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0035 - acc: 0.9989 - val_loss: 0.0665 - val_acc: 0.9879\n", + "Epoch 19/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0033 - acc: 0.9991 - val_loss: 0.0619 - val_acc: 0.9887\n", + "Epoch 20/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0045 - acc: 0.9987 - val_loss: 0.0805 - val_acc: 0.9854\n", + "Epoch 21/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0046 - acc: 0.9990 - val_loss: 0.0639 - val_acc: 0.9876\n", + "Epoch 22/100\n", + "1875/1875 [==============================] - 25s 14ms/step - loss: 0.0020 - acc: 0.9995 - val_loss: 0.0699 - val_acc: 0.9872\n", + "Epoch 23/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0040 - acc: 0.9990 - val_loss: 0.0670 - val_acc: 0.9871\n", + "Epoch 24/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0027 - acc: 0.9991 - val_loss: 0.0631 - val_acc: 0.9889\n", + "Epoch 25/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0028 - acc: 0.9993 - val_loss: 0.0665 - val_acc: 0.9879\n", + "Epoch 26/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0033 - acc: 0.9992 - val_loss: 0.0765 - val_acc: 0.9867\n", + "Epoch 27/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0027 - acc: 0.9994 - val_loss: 0.0678 - val_acc: 0.9877\n", + "Epoch 28/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0027 - acc: 0.9993 - val_loss: 0.0722 - val_acc: 0.9871\n", + "Epoch 29/100\n", + "1875/1875 [==============================] - 25s 14ms/step - loss: 0.0046 - acc: 0.9988 - val_loss: 0.0731 - val_acc: 0.9858\n", + "Epoch 30/100\n", + "1875/1875 [==============================] - 25s 14ms/step - loss: 0.0023 - acc: 0.9994 - val_loss: 0.0633 - val_acc: 0.9875\n", + "Epoch 31/100\n", + "1875/1875 [==============================] - 25s 14ms/step - loss: 0.0021 - acc: 0.9994 - val_loss: 0.0743 - val_acc: 0.9856\n", + "Epoch 32/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0031 - acc: 0.9991 - val_loss: 0.0608 - val_acc: 0.9885\n", + "Epoch 33/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0019 - acc: 0.9996 - val_loss: 0.0814 - val_acc: 0.9870\n", + "Epoch 34/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0045 - acc: 0.9988 - val_loss: 0.0684 - val_acc: 0.9882\n", + "Epoch 35/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0013 - acc: 0.9996 - val_loss: 0.0763 - val_acc: 0.9880\n", + "Epoch 36/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0043 - acc: 0.9988 - val_loss: 0.0783 - val_acc: 0.9872\n", + "Epoch 37/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0020 - acc: 0.9995 - val_loss: 0.0808 - val_acc: 0.9863\n", + "Epoch 38/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0028 - acc: 0.9995 - val_loss: 0.0753 - val_acc: 0.9866\n", + "Epoch 39/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0042 - acc: 0.9991 - val_loss: 0.0736 - val_acc: 0.9880\n", + "Epoch 40/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0032 - acc: 0.9991 - val_loss: 0.0714 - val_acc: 0.9885\n", + "Epoch 41/100\n", + "1875/1875 [==============================] - 25s 13ms/step - loss: 0.0016 - acc: 0.9997 - val_loss: 0.0656 - val_acc: 0.9885\n", + "Epoch 42/100\n", + "1875/1875 [==============================] - 25s 13ms/step - loss: 0.0035 - acc: 0.9991 - val_loss: 0.0701 - val_acc: 0.9881\n", + "Epoch 43/100\n", + "1875/1875 [==============================] - 25s 13ms/step - loss: 0.0027 - acc: 0.9993 - val_loss: 0.0675 - val_acc: 0.9881\n", + "Epoch 44/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0018 - acc: 0.9996 - val_loss: 0.0710 - val_acc: 0.9868\n", + "Epoch 45/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0034 - acc: 0.9991 - val_loss: 0.0723 - val_acc: 0.9880\n", + "Epoch 46/100\n", + "1875/1875 [==============================] - 25s 13ms/step - loss: 0.0017 - acc: 0.9996 - val_loss: 0.0795 - val_acc: 0.9865\n", + "Epoch 47/100\n", + "1875/1875 [==============================] - 25s 13ms/step - loss: 0.0030 - acc: 0.9991 - val_loss: 0.0685 - val_acc: 0.9869\n", + "Epoch 48/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0021 - acc: 0.9995 - val_loss: 0.0722 - val_acc: 0.9877\n", + "Epoch 49/100\n", + "1875/1875 [==============================] - 25s 13ms/step - loss: 0.0032 - acc: 0.9991 - val_loss: 0.0802 - val_acc: 0.9856\n", + "Epoch 50/100\n", + "1875/1875 [==============================] - 25s 14ms/step - loss: 0.0028 - acc: 0.9994 - val_loss: 0.0700 - val_acc: 0.9874\n", + "Epoch 51/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0013 - acc: 0.9997 - val_loss: 0.0677 - val_acc: 0.9892\n", + "Epoch 52/100\n", + "1875/1875 [==============================] - 25s 13ms/step - loss: 0.0053 - acc: 0.9988 - val_loss: 0.0766 - val_acc: 0.9859\n", + "Epoch 53/100\n", + "1875/1875 [==============================] - 25s 13ms/step - loss: 0.0034 - acc: 0.9991 - val_loss: 0.0727 - val_acc: 0.9874\n", + "Epoch 54/100\n", + "1875/1875 [==============================] - 25s 13ms/step - loss: 0.0019 - acc: 0.9996 - val_loss: 0.0684 - val_acc: 0.9887\n", + "Epoch 55/100\n", + "1875/1875 [==============================] - 25s 13ms/step - loss: 0.0037 - acc: 0.9989 - val_loss: 0.0738 - val_acc: 0.9872\n", + "Epoch 56/100\n", + "1875/1875 [==============================] - 25s 13ms/step - loss: 0.0019 - acc: 0.9996 - val_loss: 0.0662 - val_acc: 0.9882\n", + "Epoch 57/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0027 - acc: 0.9993 - val_loss: 0.0742 - val_acc: 0.9870\n", + "Epoch 58/100\n", + "1875/1875 [==============================] - 25s 13ms/step - loss: 0.0026 - acc: 0.9992 - val_loss: 0.0782 - val_acc: 0.9872\n", + "Epoch 59/100\n", + "1875/1875 [==============================] - 25s 14ms/step - loss: 0.0032 - acc: 0.9991 - val_loss: 0.0786 - val_acc: 0.9864\n", + "Epoch 60/100\n", + "1875/1875 [==============================] - 25s 13ms/step - loss: 0.0022 - acc: 0.9995 - val_loss: 0.0818 - val_acc: 0.9864\n", + "Epoch 61/100\n", + "1875/1875 [==============================] - 25s 13ms/step - loss: 0.0023 - acc: 0.9993 - val_loss: 0.0875 - val_acc: 0.9858\n", + "Epoch 62/100\n", + "1875/1875 [==============================] - 25s 13ms/step - loss: 0.0034 - acc: 0.9991 - val_loss: 0.0776 - val_acc: 0.9873\n", + "Epoch 63/100\n", + "1875/1875 [==============================] - 25s 14ms/step - loss: 0.0018 - acc: 0.9996 - val_loss: 0.0794 - val_acc: 0.9873\n", + "Epoch 64/100\n", + "1875/1875 [==============================] - 25s 13ms/step - loss: 0.0018 - acc: 0.9995 - val_loss: 0.0790 - val_acc: 0.9874\n", + "Epoch 65/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0026 - acc: 0.9995 - val_loss: 0.0812 - val_acc: 0.9872\n", + "Epoch 66/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0025 - acc: 0.9992 - val_loss: 0.0836 - val_acc: 0.9866\n", + "Epoch 67/100\n", + "1875/1875 [==============================] - 27s 14ms/step - loss: 0.0027 - acc: 0.9993 - val_loss: 0.0770 - val_acc: 0.9871\n", + "Epoch 68/100\n", + "1875/1875 [==============================] - 25s 14ms/step - loss: 0.0023 - acc: 0.9994 - val_loss: 0.0701 - val_acc: 0.9880\n", + "Epoch 69/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0033 - acc: 0.9992 - val_loss: 0.0687 - val_acc: 0.9883\n", + "Epoch 70/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0025 - acc: 0.9993 - val_loss: 0.0661 - val_acc: 0.9888\n", + "Epoch 71/100\n", + "1875/1875 [==============================] - 25s 14ms/step - loss: 0.0017 - acc: 0.9996 - val_loss: 0.0766 - val_acc: 0.9874\n", + "Epoch 72/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0018 - acc: 0.9996 - val_loss: 0.0740 - val_acc: 0.9884\n", + "Epoch 73/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 8.9445e-04 - acc: 0.9998 - val_loss: 0.0687 - val_acc: 0.9884\n", + "Epoch 74/100\n", + "1875/1875 [==============================] - 25s 14ms/step - loss: 0.0041 - acc: 0.9991 - val_loss: 0.0747 - val_acc: 0.9871\n", + "Epoch 75/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0035 - acc: 0.9991 - val_loss: 0.0714 - val_acc: 0.9877\n", + "Epoch 76/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0032 - acc: 0.9991 - val_loss: 0.0828 - val_acc: 0.9852\n", + "Epoch 77/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0019 - acc: 0.9994 - val_loss: 0.0772 - val_acc: 0.9870\n", + "Epoch 78/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0022 - acc: 0.9994 - val_loss: 0.0871 - val_acc: 0.9850\n", + "Epoch 79/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0043 - acc: 0.9988 - val_loss: 0.0676 - val_acc: 0.9884\n", + "Epoch 80/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 4.7574e-04 - acc: 0.9999 - val_loss: 0.0753 - val_acc: 0.9872\n", + "Epoch 81/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0020 - acc: 0.9993 - val_loss: 0.0788 - val_acc: 0.9876\n", + "Epoch 82/100\n", + "1875/1875 [==============================] - 25s 13ms/step - loss: 0.0032 - acc: 0.9991 - val_loss: 0.0717 - val_acc: 0.9889\n", + "Epoch 83/100\n", + "1875/1875 [==============================] - 25s 14ms/step - loss: 0.0020 - acc: 0.9995 - val_loss: 0.0816 - val_acc: 0.9866\n", + "Epoch 84/100\n", + "1875/1875 [==============================] - 25s 13ms/step - loss: 0.0021 - acc: 0.9994 - val_loss: 0.0763 - val_acc: 0.9876\n", + "Epoch 85/100\n", + "1875/1875 [==============================] - 25s 13ms/step - loss: 0.0035 - acc: 0.9991 - val_loss: 0.0774 - val_acc: 0.9869\n", + "Epoch 86/100\n", + "1875/1875 [==============================] - 25s 13ms/step - loss: 0.0024 - acc: 0.9995 - val_loss: 0.0782 - val_acc: 0.9882\n", + "Epoch 87/100\n", + "1875/1875 [==============================] - 25s 13ms/step - loss: 0.0029 - acc: 0.9992 - val_loss: 0.0717 - val_acc: 0.9876\n", + "Epoch 88/100\n", + "1875/1875 [==============================] - 25s 14ms/step - loss: 0.0012 - acc: 0.9997 - val_loss: 0.0680 - val_acc: 0.9884\n", + "Epoch 89/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0032 - acc: 0.9992 - val_loss: 0.0804 - val_acc: 0.9856\n", + "Epoch 90/100\n", + "1875/1875 [==============================] - 25s 13ms/step - loss: 0.0029 - acc: 0.9993 - val_loss: 0.0739 - val_acc: 0.9881\n", + "Epoch 91/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 9.8033e-04 - acc: 0.9998 - val_loss: 0.0720 - val_acc: 0.9874\n", + "Epoch 92/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0020 - acc: 0.9995 - val_loss: 0.0791 - val_acc: 0.9856\n", + "Epoch 93/100\n", + "1875/1875 [==============================] - 25s 14ms/step - loss: 0.0032 - acc: 0.9991 - val_loss: 0.0717 - val_acc: 0.9880\n", + "Epoch 94/100\n", + "1875/1875 [==============================] - 25s 14ms/step - loss: 0.0017 - acc: 0.9995 - val_loss: 0.0810 - val_acc: 0.9876\n", + "Epoch 95/100\n", + "1875/1875 [==============================] - 25s 13ms/step - loss: 0.0022 - acc: 0.9994 - val_loss: 0.0784 - val_acc: 0.9868\n", + "Epoch 96/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0024 - acc: 0.9993 - val_loss: 0.0757 - val_acc: 0.9871\n", + "Epoch 97/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0032 - acc: 0.9991 - val_loss: 0.0774 - val_acc: 0.9880\n", + "Epoch 98/100\n", + "1875/1875 [==============================] - 25s 14ms/step - loss: 0.0021 - acc: 0.9994 - val_loss: 0.0799 - val_acc: 0.9868\n", + "Epoch 99/100\n", + "1875/1875 [==============================] - 26s 14ms/step - loss: 0.0023 - acc: 0.9994 - val_loss: 0.0722 - val_acc: 0.9872\n", + "Epoch 100/100\n", + "1875/1875 [==============================] - 25s 14ms/step - loss: 0.0014 - acc: 0.9996 - val_loss: 0.0752 - val_acc: 0.9876\n" + ] + } + ] + }, + { + "cell_type": "code", + "source": [ + "test_loss, test_acc = model.evaluate(X_test, Y_test)\n", + "print(\"Loss: {0} - Acc: {1}\".format(test_loss, test_acc))" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "z4Kf4Qs8H4C4", + "outputId": "13952167-b157-41e3-c739-e790943cd0a1" + }, + "execution_count": 28, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "313/313 [==============================] - 2s 6ms/step - loss: 0.0752 - acc: 0.9876\n", + "Loss: 0.07517944276332855 - Acc: 0.9876000285148621\n" + ] + } + ] + }, + { + "cell_type": "markdown", + "source": [ + "#Plotting Training Loss" + ], + "metadata": { + "id": "HYdS-3gmLX4m" + } + }, + { + "cell_type": "code", + "source": [ + "plt.figure(figsize=(10,10))\n", + "loss_train = history.history['loss'] # training loss\n", + "loss_val = history.history['val_loss'] # validation loss\n", + "epochs = range(0,100) # since epochs=100\n", + "\n", + "plt.plot(epochs, loss_train, 'g', label='Training loss')\n", + "plt.plot(epochs, loss_val, 'b', label='validation loss')\n", + "\n", + "plt.title('Training and Validation loss')\n", + "plt.xlabel('Epochs')\n", + "plt.ylabel('Loss')\n", + "plt.legend()\n", + "plt.show()" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/", + "height": 621 + }, + "id": "Ys5DJY8HyiVh", + "outputId": "e65f013f-c812-4cab-f139-b0b052cdf4c2" + }, + "execution_count": 26, + "outputs": [ + { + "output_type": "display_data", + "data": { + "text/plain": [ + "
" + ], + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAmcAAAJcCAYAAAC8DwN/AAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADh0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uMy4yLjIsIGh0dHA6Ly9tYXRwbG90bGliLm9yZy+WH4yJAAAgAElEQVR4nOydeXwU9fnHP9+EkEASbgLlTLghgBwBhcglnvWq/sALRbzPerVVq7Zqq7a2Vq2KVq1VFIsi3hVFBRRQBEERuRUINwGSEHIREvL9/fHky8xOZmZndmf2yD7v1yuvzV6zs7O7M5/5PJeQUoJhGIZhGIaJDZKivQIMwzAMwzCMBoszhmEYhmGYGILFGcMwDMMwTAzB4oxhGIZhGCaGYHHGMAzDMAwTQ7A4YxiGYRiGiSFYnDEMExQhxMdCiMu9fmw0EUIUCCFO9mG5Xwghrq7/f4oQ4lMnjw3hdboJIcqFEMmhrqvNsqUQopfXy2UYxhkszhimkVJ/4FZ/dUKIKt31KW6WJaU8Q0o5w+vHxiJCiLuFEItMbm8nhDgihBjodFlSytellKd6tF4BYlJKuV1KmSGlPOrF8hmGiR1YnDFMI6X+wJ0hpcwAsB3A2brbXlePE0I0id5axiQzAYwWQuQYbr8IwI9SyjVRWCeGYRIIFmcMk2AIIcYLIXYKIe4SQuwF8LIQorUQ4n9CiP1CiJL6/7vonqMP1U0TQiwRQjxW/9itQogzQnxsjhBikRCiTAjxuRBiuhBipsV6O1nHPwshvqpf3qdCiHa6+y8TQmwTQhQJIe612j5Syp0AFgC4zHDXVACvBlsPwzpPE0Is0V0/RQixQQhRKoR4BoDQ3ddTCLGgfv0OCCFeF0K0qr/vNQDdAHxY73zeKYTIrg8/Nql/TCchxAdCiGIhxM9CiGt0y35ACDFbCPFq/bZZK4TIs9oGhvfQsv55++u3331CiKT6+3oJIb6sfz8HhBBv1t8uhBBPCCH2CSEOCSF+dOM4Mkyiw+KMYRKTjgDaAOgO4FrQvuDl+uvdAFQBeMbm+ccD2AigHYC/AXhJCCFCeOx/ASwH0BbAA2goiPQ4WcdLAFwBIAtAUwC/BQAhxAAAz9Uvv1P965kKqnpm6NdFCNEXwJD69XW7rdQy2gF4B8B9oG2xGUC+/iEA/lK/fv0BdAVtE0gpL0Og+/k3k5d4A8DO+udPAvCIEOIk3f3n1D+mFYAPnKxzPU8DaAmgB4BxIJF6Rf19fwbwKYDWoO35dP3tpwIYC6BP/XMvAFDk8PUYJuFhccYwiUkdgPullNVSyiopZZGU8m0pZaWUsgzAw6ADsRXbpJQv1uc7zQDwCwAd3DxWCNENwAgAf5RSHpFSLgGJBlMcruPLUspNUsoqALNBggogsfI/KeUiKWU1gD/UbwMr3q1fx9H116cC+FhKuT+EbaX4JYC1Uso5UsoaAE8C2Kt7fz9LKT+r/0z2A3jc4XIhhOgKEnp3SSkPSylXAfh3/Xorlkgp59Z/Dq8BOM7BcpNB4dzfSynLpJQFAP4BTbjWgERqp/rXXaK7PRNAPwBCSrleSrnHyXthGIbFGcMkKvullIfVFSFEcyHE8/Vhq0MAFgFoJawrAfWiorL+3wyXj+0EoFh3GwDssFphh+u4V/d/pW6dOumXLaWsgI2TU79ObwGYWu/yTQHwqov1MMO4DlJ/XQjRQQjxhhBiV/1yZ4IcNieobVmmu20bgM6668ZtkyaC5xu2A5BSvyyz5d4JcvyW14dKr6x/bwtAztx0APuEEC8IIVo4fC8Mk/CwOGOYxEQarv8GQF8Ax0spW4BCUoAuJ8oH9gBoI4Rorrutq83jw1nHPfpl179m2yDPmQEKx50CcoE+DHM9jOsgEPh+HwF9LoPql3upYZnGz0zPbtC2zNTd1g3AriDrFIwD0NyxBsuVUu6VUl4jpewE4DoAz4r6FhxSyqeklMMBDACFN38X5rowTMLA4oxhGIDERxWAg0KINgDu9/sFpZTbAKwA8IAQoqkQYhSAs31axzkAzhJCnCiEaArgTwi+/1sM4CCAFwC8IaU8EuZ6fAQgVwhxfr1jdQso90+RCaAcQKkQojMaiplCUN5XA6SUOwB8DeAvQog0IcRgAFeB3LeQqQ+BzgbwsBAiUwjRHcAdarlCiMm6YogSkICsE0KMEEIcL4RIAVAB4DDsw8gMw+hgccYwDED5T81ATsk3AD6J0OtOATAKFGJ8CMCbAKotHhvyOkop1wK4CZTQvwckJHYGeY4EhTK711+GtR5SygMAJgP4K+j99gbwle4hDwIYBqAUJOTeMSziLwDuE0IcFEL81uQlLgaQDXLR3gXlFH7uZN2C8GuQwNoCYAloG/6n/r4RAJYJIcpB+YK3Sim3AGgB4EXQdt4Ger9/92BdGCYhELT/YRiGiT71rRg2SCl9d+4YhmFiFXbOGIaJGvXhr55CiCQhxOkAzgXwXrTXi2EYJppwZ3CGYaJJR1D4ri0ozHiDlPL76K4SwzBMdOGwJsMwDMMwTAzBYU2GYRiGYZgYotGENdu1ayezs7OjvRoMwzAMwzBBWbly5QEpZXuz+xqNOMvOzsaKFSuivRoMwzAMwzBBEUJss7qPw5oMwzAMwzAxBIszhmEYhmGYGILFGcMwDMMwTAzRaHLOGIZhGCZRqKmpwc6dO3H48OForwoThLS0NHTp0gUpKSmOn8PijGEYhmHijJ07dyIzMxPZ2dkQQkR7dRgLpJQoKirCzp07kZOT4/h5HNZkGIZhmDjj8OHDaNu2LQuzGEcIgbZt27p2OFmcMQzDMEwcwsIsPgjlc2JxxjAMwzAME0OwOGMYhmEYxhVFRUUYMmQIhgwZgo4dO6Jz587Hrh85csT2uStWrMAtt9wS9DVGjx7tybp+8cUXOOusszxZVqTgggCGYRiGYVzRtm1brFq1CgDwwAMPICMjA7/97W+P3V9bW4smTcwlRl5eHvLy8oK+xtdff+3NysYh7JwxDMMwDBM206ZNw/XXX4/jjz8ed955J5YvX45Ro0Zh6NChGD16NDZu3Agg0Ml64IEHcOWVV2L8+PHo0aMHnnrqqWPLy8jIOPb48ePHY9KkSejXrx+mTJkCKSUAYO7cuejXrx+GDx+OW265JahDVlxcjF/96lcYPHgwTjjhBKxevRoA8OWXXx5z/oYOHYqysjLs2bMHY8eOxZAhQzBw4EAsXrzY821mBTtnDMMwDBPH3PbJbVi1d5WnyxzScQiePP1J18/buXMnvv76ayQnJ+PQoUNYvHgxmjRpgs8//xz33HMP3n777QbP2bBhAxYuXIiysjL07dsXN9xwQ4OeYN9//z3Wrl2LTp06IT8/H1999RXy8vJw3XXXYdGiRcjJycHFF18cdP3uv/9+DB06FO+99x4WLFiAqVOnYtWqVXjssccwffp05Ofno7y8HGlpaXjhhRdw2mmn4d5778XRo0dRWVnpenuECoszhmEYhmE8YfLkyUhOTgYAlJaW4vLLL8dPP/0EIQRqampMn3PmmWciNTUVqampyMrKQmFhIbp06RLwmJEjRx67bciQISgoKEBGRgZ69OhxrH/YxRdfjBdeeMF2/ZYsWXJMIJ500kkoKirCoUOHkJ+fjzvuuANTpkzB+eefjy5dumDEiBG48sorUVNTg1/96lcYMmRIWNvGDSzOGIZhGCaOCcXh8ov09PRj///hD3/AhAkT8O6776KgoADjx483fU5qauqx/5OTk1FbWxvSY8Lh7rvvxplnnom5c+ciPz8f8+bNw9ixY7Fo0SJ89NFHmDZtGu644w5MnTrV09e1gnPOGIZhGIbxnNLSUnTu3BkA8Morr3i+/L59+2LLli0oKCgAALz55ptBnzNmzBi8/vrrACiXrV27dmjRogU2b96MQYMG4a677sKIESOwYcMGbNu2DR06dMA111yDq6++Gt99953n78EKFmcMwzAMw3jOnXfeid///vcYOnSo504XADRr1gzPPvssTj/9dAwfPhyZmZlo2bKl7XMeeOABrFy5EoMHD8bdd9+NGTNmAACefPJJDBw4EIMHD0ZKSgrOOOMMfPHFFzjuuOMwdOhQvPnmm7j11ls9fw9WCFXxEO/k5eXJFStWRHs1GIZhGMZ31q9fj/79+0d7NaJOeXk5MjIyIKXETTfdhN69e+P222+P9mo1wOzzEkKslFKa9hRh54xhGIZhmLjkxRdfxJAhQ5Cbm4vS0lJcd9110V4lT+CCAIZhGIZh4pLbb789Jp2ycGHnjGEYhmEYJoZgccYwDMMwDBNDsDhjGIZhGIaJIVicMQzDJBgzZwK6GdUMw8QYLM4YhmESjBkzgJdeivZaMImGGmS+e/duTJo0yfQx48ePR7C2WE8++WTAnMtf/vKXOHjwYNjr98ADD+Cxxx4LezlewOKMYRgmwdiwATh4EKiujvaaND4KCoDZs6O9FrFNp06dMGfOnJCfbxRnc+fORatWrbxYtZiBxRnDMEwCUVYG7NxJ/xcWRnddGiPPPgtcfDFQVxftNfGXu+++G9OnTz92XblO5eXlmDhxIoYNG4ZBgwbh/fffb/DcgoICDBw4EABQVVWFiy66CP3798d5552HqqqqY4+74YYbkJeXh9zcXNx///0AgKeeegq7d+/GhAkTMGHCBABAdnY2Dhw4AAB4/PHHMXDgQAwcOBBPPvnksdfr378/rrnmGuTm5uLUU08NeB0zVq1ahRNOOAGDBw/Geeedh5KSkmOvP2DAAAwePBgXXXQRAODLL7/EkCFDMGTIEAwdOhRlZWUhbVM93OeMYRgmgdiwQfu/sBDo1i1669IY2bOHhFlVFaCbAe4rt90GrFrl7TKHDAGetJmnfuGFF+K2227DTTfdBACYPXs25s2bh7S0NLz77rto0aIFDhw4gBNOOAHnnHMOhBCmy3nuuefQvHlzrF+/HqtXr8awYcOO3ffwww+jTZs2OHr0KCZOnIjVq1fjlltuweOPP46FCxeiXbt2ActauXIlXn75ZSxbtgxSShx//PEYN24cWrdujZ9++gmzZs3Ciy++iAsuuABvv/02Lr30Usv3N3XqVDz99NMYN24c/vjHP+LBBx/Ek08+ib/+9a/YunUrUlNTj4VSH3vsMUyfPh35+fkoLy9HWlqa081sCTtnDMMwCYRRnDHesncvXZaXR3c9/Gbo0KHYt28fdu/ejR9++AGtW7dG165dIaXEPffcg8GDB+Pkk0/Grl27UGjzRVu0aNExkTR48GAMHjz42H2zZ8/GsGHDMHToUKxduxbr1q2zXaclS5bgvPPOQ3p6OjIyMnD++edj8eLFAICcnBwMGTIEADB8+PBjw9LNKC0txcGDBzFu3DgAwOWXX45FixYdW8cpU6Zg5syZaNKE/K38/HzccccdeOqpp3Dw4MFjt4cDO2cMwzAJxPr12v8szrxHbdPycqBDh8i8pp3D5SeTJ0/GnDlzsHfvXlx44YUAgNdffx379+/HypUrkZKSguzsbBw+fNj1srdu3YrHHnsM3377LVq3bo1p06aFtBxFamrqsf+Tk5ODhjWt+Oijj7Bo0SJ8+OGHePjhh/Hjjz/i7rvvxplnnom5c+ciPz8f8+bNQ79+/UJeV4CdM4ZhmIRiwwYgO5v+Z3HmPXpx1ti58MIL8cYbb2DOnDmYPHkyAHKdsrKykJKSgoULF2Lbtm22yxg7diz++9//AgDWrFmD1atXAwAOHTqE9PR0tGzZEoWFhfj444+PPSczM9M0r2vMmDF47733UFlZiYqKCrz77rsYM2aM6/fVsmVLtG7d+pjr9tprr2HcuHGoq6vDjh07MGHCBDz66KMoLS1FeXk5Nm/ejEGDBuGuu+7CiBEjsEFvT4cIO2cMwzAJxPr1wNChQHGxFoJjvKG2Fti/n/5PBHGWm5uLsrIydO7cGb/4xS8AAFOmTMHZZ5+NQYMGIS8vL6iDdMMNN+CKK65A//790b9/fwwfPhwAcNxxx2Ho0KHo168funbtivz8/GPPufbaa3H66aejU6dOWLhw4bHbhw0bhmnTpmHkyJEAgKuvvhpDhw61DWFaMWPGDFx//fWorKxEjx498PLLL+Po0aO49NJLUVpaCiklbrnlFrRq1Qp/+MMfsHDhQiQlJSE3NxdnnHGG69czIqSUYS8kFsjLy5PBeqMwDMMkMjU1QPPmwJ13Am+9RSLtzTejvVaNh717gXqNgnnzgFNP9e+11q9fj/79+/v3AoynmH1eQoiVUso8s8dzWJNhGCZB2LyZ3J3+/SkfisOa3qLfnongnDH+weKMYRgmQVDFAP36sTjzAxZnjFewOGMYhkkQ9OKsY0fOOfMa/faMhDhrLGlJjZ1QPicWZwzDMAnChg1Aly5ARgY5ZzzCyVsi6ZylpaWhqKiIBVqMI6VEUVGR68a0XK3JMAyTIKxfT/lmgNaDa98+oGvX6K1TY6KwEEhLI8Hrtzjr0qULdu7cif2qPJSJWdLS0tClSxdXz2FxxjAMkwBISc7ZlVfSdSXOCgtZnHlFYSGFiw8c8F+cpaSkICcnx98XYaIGizOGYZgEYNcuEgyq7ZRenDHesHcvbdfDh4GKimivDRPPcM4ZwzBMAqCKAVRYs2NHuuSiAO9QzllGBldrMuHB4oxhGCYBMIozds68p7CQtiuLMyZcWJwxDMMkABs2AK1aAVlZdL1ZMyAzk8WZVxw9SrlmLM4YL2BxxjAMkwCoSk0htNu4Ea137N8P1NXRNk1PZ3HGhAeLM4ZhmARA30ZD0bEjizOvUNuRc84YL2BxxjAM08gpKSHxoCo1FR06+FcQICXwz38CGzf6s/xYQ4kzFdbkak0mHFicMQzDNHI2bKBLo3PmZ1jzhx+A224DXnjBn+XHGkrkcs4Z4wUszhiGYRo5xkpNRYcO5KodOeL9a776Kl1u3uz9smMRDmsyXsLijGEYppGzYQOQmgpkZwferh/h5CW1tcDrr9P/iSTOmjUjYZaRQSOcamqivVZMvMLijGEYppGzfj3Qpw+QnBx4u1+NaD/9lARf797Ali2UfxbvHDgAFBVZ3696nAlB1ZoA550xocPijGEYppGzYUPDkCbgXyPaV18F2rYFbrwRqKxsHFMIpkwBLrvM+n41ugkg5wzg0CYTOizOGIZhGjGHD5N7ZazUBPwRZwcPAu+9B1x8sfaajSG0WVAAfPed9f1qdBOgiTN2zphQYXHGMAzTiPnpJ2qOGinnbM4cyreaOhXo2ZNuawzi7MAB2k4lJeb3q7AmwM4ZEz4szhiGYRoxqo2GmXPWvLn3I5xefZVeKy8P6N4dSEoCfv7Zu+VHg9paTZSpylc9+tFNAIszJnxYnDEMwzRi1q+nJPW+fc3v97IR7ZYtwOLF5JoJATRtCnTrFv/OWUmJVtRgJs70o5sAFmdM+LA4YxiGacSsX08tNJo1M7/fy0a0M2eSKJsyRbutZ8/4F2f792v/m4kzfY8zQKvWZHHGhAqLM4ZhmEaKlMCyZcDgwdaP8UqcSUkhzQkTyC1TNAZxduCA9r+dOIukc7Zxo31rDya+YXHGMHHK9u2U68IwVvz0E7B1K3DqqdaP8Wr4+dKlJMKmTg28vWdPEhGlpeG/RrRQ4qxvXy2HT4+VOPOzWvPUU4G77vJv+Ux0YXHGMHFISQk1+Jw9O9prwsQy8+bR5emnWz+mQweguDj8EU6vvkoFBuefH3h7Y6jYVOJszBgSu1VVgfernD1jKw2/nLPaWmDHDuD77/1ZPhN9WJwxTBxSVEQH04KCaK8JE8vMmwf06gX06GH9GC9GOB0+DLz5JgmzzMzA+xqbOJMS2LQp8H796CaACiFSUvwTZwcO0HqsX0+FCEzjg8UZw8QhaqdfXBzd9WBil+pqYOFCe9cM8KbX2VtvUfPZadMa3tdYxFlGBjBkCF035p3pRzcp/Bx+rj6rqipy8hojS5cC990X7bWIHizOGCYOUbksXoqzGTOA66/3bnlMdFmyhEYnnXaa/eO8EGfTp1M+1kknNbwvMxPIyop/cdauHc0nTUpqKM70o5sUkRBnALBmjT+vEW1mzgQefhhYvTraaxIdWJwxTByixJlVt3K3SAk8+CDw73+T48LEP598QqG18ePtH6fypEIVZytXUkXojTcGOkd64r1iU4mztDQgJ8fcOVPbUZGe7p840/elW7vWn9eINnv20OV//xvd9YgWLM6YuOLvfwd+//tor0X08do5W7qUwiNHj1KFHxP/zJtHOVIqD8oK5fiE2oh2+nQSIpdfbv2YxiLOABqDZRXW1JOR4V+1phLSbdtG3jmrqwMeecT/lAolzmbNSsy8Ol/FmRDidCHERiHEz0KIu03uTxVCvFl//zIhRHb97SlCiBlCiB+FEOuFEHw4ZgAAH38MfPhhtNci+nidczZzpva/WR+nxszHH1P4rzGxaxfw44/BQ5oAVVhmZITmnBUV0cHz0kuBli2tH9ezJ1UXxqsre+AA0L49/d+/PxUEqDY2xtFNCr/Dms2aASNHRt45W7MGuPdeyjP0kz176Du1fTvw9df+vlYs4ps4E0IkA5gO4AwAAwBcLIQYYHjYVQBKpJS9ADwB4NH62ycDSJVSDgIwHMB1SrgxiU1ZGXDoULTXIvp4GdY8coQq7X71KwpLrVsX/jLjhYIC4Je/bHyhk08/pctgxQCKUBvRvvwyVWredJP943r2pNB5vFYX79+vOWf9+tFvRiXiq9FNxrCm3+KsQwdg4EDqu1Zb68/rmKEa3/rphEpJ4mzKFBKhr7/u32vFKn46ZyMB/Cyl3CKlPALgDQDnGh5zLoAZ9f/PATBRCCEASADpQogmAJoBOAKAD8kMystZnAHehjU//piWc801lE+TaOIMIKepMfHJJ8AvfgEMGuTs8aE0oq2rA557jkKnwV4nnis2Dx+m/Y4+rAloDrOxAa3CT3GmChAGDiShGMnB8pEQZyUl9L569wbOPZf6OYbbh09K4E9/oskK8YCf4qwzgB266zvrbzN9jJSyFkApgLYgoVYBYA+A7QAek1I2OAwJIa4VQqwQQqzYrx9+xjRalHOmhhAnKkqcVVaGHyqaOZNCNqeeCgwYkFjibEf9HiqcHl+xxtGjwGefUUjTKkHfSCjO2Sef0KDzG28M/th4FmdKjMSSOFMFCLm5dD2SoU11QujnZ6nyzX7xC3LPiovpOx0OX30F3H8/8Npr4a9fJIjVgoCRAI4C6AQgB8BvhBAN2ihKKV+QUuZJKfPaq4QAplFTXk7CzM+xKPGA/v2HE9o8eJBy+C6+GGjShMTZpk2RDZOES00NsHt3aM9V4syrwd+xwLff0nfCSb6ZokMH9wUB06fT84wTAczIyqKigXgUZ6oBrRJnrVqRMAomzvys1lRhzf79SYBHsihAidWff/bvJFmJs44d6aSxTZvwQ5tKlO3YYf+4WMFPcbYLQFfd9S71t5k+pj6E2RJAEYBLAHwipayRUu4D8BWAPB/XlYkDpNR2doke2tTv9MMJbb79Njlvl15K1/v3p/DBli3hrV8kmT5dW2+37NxJl43JOZs3jw7Yp5zi/DlqhFNNTeDtCxZQjtWjjwZ+57ZsoXD4tddSN/xgCBG/FZtGcQYEVmwaRzcplHPmtYDRFyA0b07TH6LhnFVU+Pe70TtnTZsCkycD778futg9fFgbdbd9uzfr6Dd+irNvAfQWQuQIIZoCuAjAB4bHfABAFWBPArBASilBocyTAEAIkQ7gBAAm42aZROLwYa1CKtHFmd45C0eczZxJjTXz6k99BtSX7MRTaPPHH+n7oA6ibmiMztknnwAjRlCbBaeYjXCSErj7bmDbNrrMzgb++ldKLXjuOWrGet11zl+jsYmzDRtoGxlHNykyMigvz+sKVVWAoD6z3NzoOGeAf5+nXpwBFNqsrAQ+MCoIh3z0EUUJOnVicaZyyG4GMA/AegCzpZRrhRB/EkKcU/+wlwC0FUL8DOAOAKrdxnQAGUKItSCR97KUMkH7BDMK/VkTizPt/1DDmtu3A198Qa6Zyk0y5tPEA/qqObc0tpyzkhJg+XLnVZoKs0a0n31GIdKnn6Y+eCNGUI/B7Gzg+eepurezMYvYhp49yXGLt55VVuKstJRcM7PRTYB/w8/VZ6Q+s4EDqTdhpNqUFBeTYweEJs7uvBP485/tH7NnD4WF1ZzW/Hyga9fQq6pfe42E3iWX0G8+Hr6DvuacSSnnSin7SCl7Sikfrr/tj1LKD+r/PyylnCyl7CWlHCml3FJ/e3n97blSygFSyr/7uZ5MfFBWpv3P4kxzRkJ1ztSObsoU7bbMTNoJxpNzpiouQxFnKqx58GD89uDS8/nndOBxk28GmI9weughoEsXYOpU4IQTKIy5bBn9X1kJ3H67u9fo2ZO2cbxVxipx1qaNdpv+JMasAS0Qujhbs0aLEJhhzHHLzaUcUeMwdr8oKqIZo0KEJs5mzwbeecf+MXv2aK4ZQC7tJZdQyN6tQ37gADB3Lj0/J4dC9/HglMdqQQDDNICdM43ycjpwAqGJMynpbHL0aMpZ0dO/f/yIs9pazf1yK84qK+lA0717aM+PRT75hBLWR4509zzjlIBFi4DFi4G77grMKRs5kkJEZWXkZrihVy+6jLfQ5oEDQOvWVDCj6NePLtevp21mzDcDQhNna9ZQWxI78WIUZwMH0mWk8s6Ki0k4de3q/rOsraUTom3b7B9nFGcAiavaWvfNb998kwTZZZcB3brRbfEQ2mRxxsQNLM40KioofyIpKTRx9sMPJMBUIYCeAQPooBMP1v/u3VplqVtxpVwzlW8XD2fTZkhJjtk551BT2DPOCBQSTjA6Zw89RLdddZX545s1c7+e8dpOQz+6SdGpE7nMXjtnqnmw3cmREtDqNfv2BZKTI5d3VlRErn0oOYQ7dpArWFJivw83E2eDBpFL6Da0+dpr9NzjjmNxxjC+wGFNjYoK2vm3bh1aztlrr9EB/IILGt43YABQVRUfOzB9x/lQxdnw4XQZb3ln5eXAs8/SAeuUU4BvvqGxOs88435Z6enaCKdlyyjf7De/CU2EWdG1K33n4lGcGTs1CUEO85o15qObANqmgDtxNn8+XdpNUlAFCCofKzWVmrVGwjmTksRZmxoPBP0AACAASURBVDahiTOVHwrYu2dm4kwISsFYssT5vmnTJvo+X3YZXWdxxjA+wM6Zhl6cuXXOqqqAGTOAs882r+iLp4pN/c7erThT4dB4FGe1tcDQoTQ2qXlz+jy3b6dEa31ulBtUI9qHH6ZlXH+9t+vcpAkVE8SbONOPbtLTvz8d+M1GNwGac+a0J2NNDYWTgcDvtRGzAoTcXOfirK4O+O1vgeOPd9/mo7ycvnvKOdu3L/CkORh60WklzsrL6c8ozgBqqQFQCyAnzJxJ2+mSS+h6y5YkalmcMYyHsHOmUVFBZ+Zt2rgXZ6+/Tme/t9xifr9Kdo4HcVZQoPXQClWcDRtGl/EU1lyzhpqAPvUUVVROnQqkpYW3zA4dKM/sww+B227TnBkvicd2GmZhTYB+J4cP0/9ehDWXL6fHtmoV3Dkzvt7AgfR9qKqyf43aWgpV/+Mf9Hpuk+tVGw3lnAHuPk+96LR6j8Y2Gnp69aJihDlzgr+WlCTOJk7UqoqFIPeMxRnDeIjaySUnuztba4yUl2vizE1YU0rgn/8EBg8Gxo0zf0ybNrTzj4d2GgUFlP/TuXNoYc327ckFaNYsvpyzr7+my7POcj6iKRgdOtA2adEC+PWvvVmmkXgTZ1LaizOFF+Js/nz6LC++mE4cjA2BFWqupp7cXFrXDTbdQKurgYsuAl55RWtQ7HYmpzoRVM4Z4O7zLCig8HZamrVzZifOAGDSJPr+B6v6/eorEoMqpKlgccYwHqN2ch07JrZzVlNDf+np7sOaCxeS63LrrfYH9XiZsVlQQKGy9u1Dc866dKHtkJUVX87Z0qX0O8jO9m6ZKjR3883k3vhBz57UtiScxsmRpKKCRE0kxNmCBeQKDR9OoUeVE2lEzdXUo2ZsWhUFVFRQwcjbbwNPPEGOK+BeKHvhnPXoQQLJSpypggc7cQYEb8fx2msU8jeOF2NxxjAeU1ZG1YlZWYktzlQOS0aG+7DmP/9JBxqVg2GFaqcR6wPmt26l3kWhirOu9QPmOnSIL+ds6VJg1CjvXDOA2kO0bk0hTb+It4pNswa0ipwcrc2IWc6ZatTqRJxVVtJnOnEiLRcwD/vpRzfp6d0bSEkxzzs7eJD63n3+OfDSS/T55uTQdycc56xlS9oubp2znBxqXxNKWBOg6tSBA+1Dm9XV1E/t/PMbTm7o1o22YbAQcLRhccbEDeXl9ENr2ZLFGaCFNQ8edNb2YvNmyie67rrg+UkDBtA2DnWgeCRQPZOUc1ZcbN+808jOnZo4iyfnbN8++ixHjfJ2uTffTG6GsTLRSxqTOGvShESR2egmgNIvmjVzJs6WLKHZsBMnam6oWVHAgQOBo5sUKSkkWozO2eHDFPpevhx44w3gyivp9tRUEiluxZlyzlQhkZswdXU17U+ys+nPLqzZtKl9YcvkyZQfqVw2Iy+9RPvFK65oeJ+q2Iz1Aegszpi4oayMkpRbtEhscaZ29iqsWVfnbHs88wwdMG68MfhjVcVmLOed7dxJYkyJM1Xm74SKCsrVU41848k5++YbuvRanCUl+VMEoEc1PG4M4gyg3lndu1s7mBkZzqo1588ngTVmDJ0wJCWZO0vGHmd6Bg4MdM6kJDH21VdUBKQqHRWh5P8p56x1a/fL2LaN1kk5Z/v2mbtXe/aQE2nnCk+aRMsyC21WVVGfvhNPBCZMaHh/vLTTYHHGxA3KOUt0cWZ0zoDgoc1Dh+hs8oILKIE+GPHQTkMdvJQ4A5yHNtVZs94527cvPhrvLl1Kro1qARJPNG9O4arGIs6eeMJ+GHdGhjPnbP58GouVnk4irUsXc+fMOB1AT24u/SbU6z3wADBrFvCXvzQUZgBVPobinGVmauHcnj1J5Bw5Evy5+t+rmsph5p6Z9TgzMmAApV6YhTafe46W8dBD5gKPxRnDeEx5OTtngLk4C1ax+cor5Dzeequz18jKorPjeBFnWVn0f6jirEMHrXN5rLN0KfU487JBbCTp0cO+j1csEUycZWVRaNMKJ+KspAT47jvgpJO023JyzJ0z49BzPWqM07p11ELiT38i5+yuu8xft1cven8HD9qvnx7VgFbRsyed0AQbxwRon3lOjha6DVWcAeSefflloONdXk5i9OSTravRO3cm0cbijGE8oqwsus7Zxo2x0cJDXxCgwgt2zlldHfD003Rm7nTmohCxX7G5dSuFf7p2de+cqUo4FdZU4s5t3tk331DYKFLU1lJfM69DmpGkRw9gyxbvljd/PokVq/yjcDhwgFIBQq1edSLOvviCQnQTJ2q3ZWeH5pwBwPPPUy+zCRPIRbIKD4Yy67S4OLBxtcohdOLAFRSQK9ipU3DnzEx8Gpk0ifZt772n3fbUU/SZ/fnP1s9T68DijGE8Qh/WPHKEEkwjhZTUUfvRRyP3mla4DWvOnUs7T6eumULN2IxVCgroLLhp09DDmqo5pTrYuc07++1vredP+sHq1VTZF8/iLCeHxLGTUJgTvvuORIvbgdhOUD3OQq2KdSLO5s+ncO/xx2u35eRQ8rxxH7d3LxXzmOUG9uhB9/3nP/T8t98OHFpvJJTiDDPnzOkytm6lkGJyMomjJk0auoNHjtBrOHHOBg0C+vTRQpsHDwJ//zsVQJxwgv1z46GdBoszJm7QhzWByLpnBw8CpaWxkSujLwhwIs6mTycR8n//5+51+veng5PbFhWRQvU4A7SzeTfirEMHqloDQnfOdu4kRzVS22jpUrqMZ3HWowc5Hl4dHJWgfvNNb5anx2p0k1PS052Js7FjA4VUdjadEBq3kdnoJkVyMgmWtm2Bjz7SXHUr3LheCqNz1rEjCUun4ky1CUlOJsfb6JwF63GmRwhyzxYsoP3U44/TftrONVOwOGMYD9GHNYHIijN10I6F1hJ650ztgO1ypVasAM48k+x8N8R6UYBenKWk0LZwE9ZUIU0gNOdMSu37oDr2+83SpXTgUknN8Yg6QHuVd6Y+s6++8r49gtV0AKcEq9bctYu6+utDmoB1rzOzBrR6Xn+d5n0q4WVHejp9l9yIM6NzpkanORFnqseZwqzXWbAeZ0YmTaJc0ZdeouKMyZOpkW8wlDiL5T6OLM6YuCGazpkSZ8FGhkQCfc5ZaiqduVo5Z1VVdIAJ5WAey+00amq0HmcKN41o9Q1oATrgJCW5c86KirQRO0uWOH9eOPjRfDbSqAO0V3ln+/ZpYW0nMxfd4IU4s3POFi6kS6M4s+p1ZjZXU0/v3s6EmcJNK4y6OjoJ1DtnTpdRUUGfk/73atbrzK04GzKEnNh776Vw/4MPOntet24UMo7VqADA4oyJE+rq6AceC85ZtM+2lDhTHcjtpgQoJyEUcdalC23vWHTOduyg74T+TNytONM7Z8nJ9Hw3zpkS6kJERpwVFpKgieeQJkD5Rk2beuucjRhBFaxehzb9Fmfz59Pv97jjAm/v3Nk8J8tsrmY4uGmnUVpKvzljc9iePel7adeGRokwo3O2e3dg7qFbcaZCm0ePAlOmBI7UsiMe2mmwOGPiAr1bFE1xVlXlrvTcDyoqqI1CUv2vt3Vr67CmsWWEG4TQxjjFGvo2Ggqn4uzQIfozbhO3UwJUSHPMGGDlSv/HwTSGfDOAhHD37t46Z1lZwIUXUkjPaiyQW+rqyB0NV5xVVppPrpCSxNmECdpvWZGcTAJCL2CtRjeFQ69e9D2urAz+WP3oJj09e9IkAiWszFDvQ/977d6dtoE+FL1njzbr1ilXXUXFFE5dM4DFGaNj27bYDA/FC+rsM1phTX2ZfrTzzsrLKV9E4cQ5C0WcAbHbTiMccabaaBi3idspAep7cMEFFN789lvnzw2FpUspty4em88a8arXmZSaOFONVr2q2iwtJUEUrjgDzMXPzz/T79MY0lQYe52p0U1O2kw4RYVAnQhl4+gm4zLsQpv6HmcKs15ne/bQZ9mkSfD1UfTpQy1t9MsOhvrtszhjcPvtwYdNM9ao/mIZGVoZeTScMyD6eWcVFc7Fmdr56EN4bhg+nHaYy5eH9ny/KCggt0H/vtq31w5gdijBatwmoTpn559Pl36HNlXz2WBzUeOBnBxvnLNDhygslpVFgm/ECO9Cm8Ea0DpBiTOz0Obq1XSpb6Ghx9jrzK7HWaioXmdOQptKnJmFNYMto6CAvrf6dTfrdea0AW24tGlDaSFW4uymmyiPLZqwOIsQe/c666LMmBNt56ywUBOF0XbOVO6dIlhYU98ywi3TppHoifaOysjWrXT2q69Abd+enI5gYWcvnbN27ehgMmCAv81oa2qo6nb0aP9eI5L06EEnFOH+hpVTqgoCLryQQsxuxxKZ4YU4UydRZhWbShjo3V892dm031Hhcru5mqHipp2GVVhT9S4L5pxlZwcWsnTpQtf17mCkxJkQ1u00qquBV1/VPv9oweIsQpSU0J/feSmNFb1z1qwZ7QwiLc5UiXYsiDM3Yc1QQ5oACdJ77gE+/5z6CcUK+jYaCqeNaHfsoJ2zccZoVhZtWyeDqgFyUNUyTjyRxJlfszl/+IH2HfGeb6bwqp2GEtMqRymU0GZtrXmRj9/O2fbtge1wjBjbafjhnLVuTWIrHOcsJYVcMDtxZmyjAVBRSOfO0XHOAGtx9uWX9HmdfXZk1sMKFmcRQjkbdkmTjDV650wIcs8iOUqpsJB2QK1bRz+saZZzVlVlLvy3bw+/J9b115PAu+ee6FeqKsIVZx06NOye7rbX2e7d2oSB/HzKUVq71tlz3dJYigEUPXrQZbihTaM469aNtpHT0GZNDX23//Wvhvcpcaa+V6EQTJx162bdFkV9v43izMucM8B5Ow11AmgmJnv1cuacGeneXRNnR4/Se4y2OPvgAzIArHIBIwWLswggZeMSZ59+Sgcj1eMpEqidm9rZRXK+ppRa88fOnWPTOQMahjZVJVQ4zhlAuSL330+VcB9+GN6yvODIERLIoYqznTvNt4k6wLsRZ3rnDPAvtLl0KX33wv0sYwW/nDOAQps//ECTG4KxdSuFC836o6nvkV/O2Y4d9idOZs6Z1eimcHDaTqOoiGaMJic3vM9O4JWW0r7JLGFf34h2/35yniMpzgoLqdJUISWJs1NPJYEWTVicRYDKSq2XS7QP7F4wbx51RI9kDp0+rAlEVpwdOkR5CB060MHYT+ds9WpK+rbLmzLLOQMairPSUjooeHFAv/xyqoq6917ztgCRZMcO2omG45yZbRPlnDkpCqitpccpcZaTQ+Ldr6IA1Xy2sdC6NdCypXfOmd7dmjSJ3KjZs4M/Xwm4JUsaVlQeOEBiSPUTDAUnzpkVHTtSrqgSsKrHmdcNiHv1onUJNuvUOLpJT8+eWuqOESW+zMRZdjadLNXWuhvd5AVq26scVID2vzt2RD+kCbA4iwj6L2xjEGfqDCmSZcj6sCYQWXGmz/Xw2zn7+mtg1Srgp5+sH2PlnBnzztTn48WonyZNaGbdmjXAG2+Ev7xwMCvLB5yJM+UmmlWvunHO9u2js3wlzoQg98wPcbZvHx3ggg1zjje8aKexbx+JPH3BS+fO9Fk4CW1u2kSXR44AixcH3hfu0HPAWpwdPkz7FbsTp6SkQGcp2HSAUOnZk77LwfrDGUc3GZcBmLtnZj3OFN27kzDbvdt9A9pwMet19sEH9HmfdVZk1sEOFmcRoLGJM3W2G0lxFk3nTC/OOnWiMzy/3CMlLOxmZToVZ+H2ODMyaRIVRfzxj8HPsv3ErMcZQAfozEx7cWbnJroZfq7cU31RwYknkpusPxO3Q5/uYIc6uPXt62y58YIX7TRUjzMjF15I+X/Bektu2kTirmlT4LPPAu8LdzoAYF2tqb4jwU6c9O00gs3VDBWn7TSCOWeAuTizc8707TSiJc70TXA/+IBam/ghgt3C4iwC6A+a8Z5zJqW2Q41kWLO8nA6+qnVCNMXZ0aPuWi64IZg4k7JhQYBVWNNrcZaUBDzyCH3+//mPN8sMhYICyntRyfh6gjWitWqjAVAIq0ULZ5+tOsnSr0N+Pl06zTv78EM62OobHJvh9ecYK/ToQZ9lOBWuVuLspJPocsUK++dv2kRtUE48kSqS9XghzqycM6eutr4RrV/OmVNxFsw5S04m59/I1q20Hcyeq29Eq46NfghQM5R7rj6L3bvp+xILIU2AxVlEUAfNZs3i3zkrLNTOAiMd1tTnWUUzrAn49zkGE2dHjpA4dBrWbNLE253d6afTgexPf4peW5iCAhIqZl3Eg4kzqwa0ig4dnDln6vPXO2dDhtDn4jS0+fXX9HkGS1xvrOIsJ4fCe8HEqR1W4qxXL3LD1qyxf/7GjeRInnwyFRHoP3svxFlaGp3UhCrOsrNpPUpL6Xvthzhr3572rcEqNouKrJ2z5s2pyfq//93w97d1K33WZuFh9f4LCkictWoVuSbLqam0b1Sfxf/+R5fnnBOZ1w8Gi7MIoA60/fvHvzjThyEiXRAQTXEmBO2o1cHYr6KAYOJMP2NU0aIFnbWahTU7dzavrgoVIUiY7dkDzJrl3XLdYFWWDzgXZ1ZCJyvLuXOWlBQoDJo0obwwp+JMtd0IdpKzYwcd/Kz6YcUrqp1GOHlnVuIsJYVEl11rk7Iy+h736QOccgrdNn++dr8X4kwI8+HnTid3qFDgihXkMPohzoQIXrFZW0sC0UqcAdRqp6oKeOKJwNvNepwpmjWjz085Z5EKaSr07TQ++IDWMzc3sutgBYuzCKAOtLm58S/O1NnVccdF3jnTl5C3aEFCJRKVg4WFtJNu0iR056ymRmviaIdTcaZ3zoSgM06zsKYfbsv48cCgQcDTT0en75ndzt5JWDMpyfog4MY569ixofDNz6eKLycnDm7EWdeu3lfpRRv1GYaad3b0KP2mrIZkDxxo75ypops+fahCuk0bLe+stpZ+T+GKM8BanKlqTDvUSciyZXTpV8gvmDhT+xarsCYA9OtHTYCfeUZ7vJT2J1MA3RdtcVZRQcL8nHNi53fG4iwCFBfTAaFvXzr7MBuCGy9s2UJf3rFj6UvtV0d0I2bOmbrdb/S5HllZ9Fm6cc5KSykUaDVDT08wcaZ28npxBphPCfCiAa0ZQgA330xVpWY5Jn5SXU3CKJhzZiUad+ygA5x+7JMep86ZfjqAnhNPpN/EN9/YP7+iQnOMnIqzxkb37vRdCtU5Ky6mbW0nzrZts95HqErNPn1IZJ90EokzKbXfkp/izMlvUwlY9X3yK1G9Vy/6HKxOdq1GNxm5917a3k8/rT2vvNx+KLmqSI2mOPvsMwqxx0q+GcDiLCKUlFBIQlnY8VwUsHkzvY8+fehAGaynlFeYOWdAZEKbenHWpAn979Q5O3QIOO00Ghxut/MD6KCgupK7cc6AhuKsrs662aoXTJlCbt0zz/izfCuCzSNs357yuKwOyMGETocO5MbU1tqvh346gJ4TTiDxHiy0uWGD9n+iirO0NBK4oTpnZg1o9ajw1Lp15vdv3KiF9AAKbe7aRbd7MbpJEY44a9+eQtp+i7OePcnd11cu6rEa3WRk8GByn558kn6Ddm00FN270/aIljirrAReeYWqdseOjezr28HiLAIocaa+ePEc2tyyhX7IascSqbwzs4IAIPLiDHDe6+zQIUqgX7mS+ubU1dkP0z10SJu6YDUr0yznDGg4/HzfPm00jR+kpwNXXkmd1SN5smHVRkMRrNdZMMGalRUokq3QTwfQk5lJIf9gFZsqpNm/v/1vqKaGtm+w3KR4JScndOfMrAGtnoED6dIqtLlpE+3HVCd4lXf22WfejG5SpKcHttKQ0rk4E4K+6+r77KdzBliHNp06ZwBw3320L3r2WeuehHqys+lEv7o6OuIMoMrpM86wdtSjAYuzCFBcTAdPtTOPZ3G2eTMl8qr+NJHKO7MKa0ZDnDmZElBWRj/2b7+lTuWXX64tywq9oAjXOfOyAa0VN9xATuDzz/v3GkaC7eztxJldA1qFkykB1dXkJJiJM4DyzpYts3dJ166lasKTTqLPyioMu2cP3dcYnTMgvEa0wZyznBwSXlZFAZs2UQRA//gePUiceTG6SWF0zoqKKHHe6W9TnYioVi9+EEycOXXOAGDECIoW/OMfmmsZzDlTREuc1dXFVkgTYHEWEZRzFu/irKKCyt6j5Zzpw5rqf7/FWXk52d5unDMlzJYto276552nJfLatQ1QB4T27cMXZ5Fov9CrF73P55+PXFPaggIKLVsJIztxVlJCn2Uw5wywzztTTqHVOhx/PH1OVuE0gO7r25d+SxUV1p93Y22jocjJITezutr9c4OJs6Qk6mFm5pxJqbXR0HPKKcAXX2ifsR/izO2JkzoR8WN0k6JTJypOsGqn4cY5A8g927+fwptqVJcVeuEWLXGWnEz7sliCxVkEKCmhg2fr1vQDsAsDff89cPXVwXNeooE6w+3Rg/KNMjMbv3OmxJTROSsqChyYq+fXv6YckVmzgP/7v8DnO3HO+vRxXxDQujXN41QFGpE6qN98M22jd97x93UA2uYzZlBlnVV7EDtxFqzHGeDsc1KuqVnOGQCMHEmXy5dbL2PtWhIOZiNk9DR2cdajhxbmc8u+fSTA7Nwcq4rNwkLap+idM4DEWVkZMHcuXXcqRuwIV5wp8eJn1/qkJDpRsHPOkpKcO3cnngiMG0f7JLuQJhBd56xdO3Ikx46NvVY1LM4igHLOhKADu53r8sYbwEsvAT/+GLn1c4o6q+rZk96LvkeMnxw5Qn/RKAhQB2l9CbtyTKxE9uefAxdcQGXlCjfOWZ8+9L7MwmJ2zpmUVBkKaL2xnIQhwuG008hBU9VZfiElcN11tI1eeMH6cXbi7Icf6LJfP+vnO3HOzBrQ6undm05eVPsDI6pSMzeXxVk47TT27aODq10fv9xc+p0aczj1lZp6Jkygfdtnn9H+JlirCycYxZn6TGNJnAH27TTUdIAkF4rhvvvoMpg4y8zUhFGkxZkQwGOPUe/GWIPFmc+o+Xn6L5+dOFPdwpcu9X/d3KJ2oGqOWvfukQlrWjVeBSInzoxhTcD8c9y7l5yVESMCb8/IoPwXp84ZQGedRqwKAoxTArZvj0xvrKQk4KabqKXGd9/59zovvwy8/Tbw8MPUid+K9HTazmbi7MsvaTupRHEz1JxFu88pmDgTgtwzK+dMzXt0Ks5atPAv1yjahNOI1qoBrR71WRvzzpQ4M4Y127QB8vIocuFFSBMwd87S0pwvX4kbv8ca9exJJ+Bm+Y/Fxe5P9CZOBK6/nuacBiM7m04m9SfgkeKmm8jpizVYnPlMWRk5IOqLHcw5UyX2ke4f5YTNm+ngpYRmpJwz1RZB/8NV4iQa4sxuSsDKlXSZlxd4uxDB5yju3087KLV8s9BmRQUtS1WYKdRnosRZJNsvTJtG6z19uj/L//ln4JZbyNX4zW+CP96qEe2XXwJjxtif/QsRvNfZ7t0k4OwOViNHkvttHHgNaLloAwbQuqam2ouzxuqaAXSympoaunMWTJypdhpGcbZxI72u2bZVVZteibP0dKq6VXmZbk+cIuWc9elDhQpmJ9x2o5usEAJ47rnACIIVvXtrfe8YgsWZz6gDrDp42omzmhotdBgN56y42N4x2LxZC2kC9GMqKjI/AHmJOuvUu0XJyXTd7ya0anvoS+rtnLMVK2j7DB3a8L4OHYKLs/bttYO+mTgrLychZNyJGZ+zY4e/lZp6WrUCLrsM+O9/nU1BcENNDXDppVTiPmOGs7CKmTjbtYu+v076GGVlBXfOOnWyP5Acfzzl/5m5iapSs1cvej9du1o70I1dnCUlkfgIxTnbvz+4OOvalU7qjHlnmzbR9jcLiZ58Ml166ZwBgTOJ3fw227YFXnwRuOoqb9bHihNOoEuzNjDFxd7k31nxj38Ab73l3/LjERZnPqOcDL04Kytr2JQQoLPH2lqy4rdscdap3EuuvZb6clmxZYsWhgCCh2S8QgkwYygvEvM1Cwtpp6Tvf6MKO8ycsxUrKKfJuK4AOWfBwprt22vfFSvnzJhvBgSGNY8coTybSB7Ur7iCCiQWLvR2uQ89RLlbzz/v/P2YibMvv6TLceOCP79DB/vf3q5d1sUACruigLVrKZymBrfbOdDBWn80BnJy/HPOhCD3zEycGfPNFKNH0wlQsGU7Re0L1D4/lMkdV19t347CCwYNosjI4sUN71M5Z37RpUvszLSMFVic+YyZcwaYJ5OrfLMrr6TLSLtna9fSSB4zAXH0KJ3dqnwzQKuy8TvvTO3UjPkIkRJnxnCCXWHHypUNQ5oKp86ZMUSpx0qc6Z+ze3fke2Op3B71HfaCr74icTZ1KhVYOMVKnLVoYZ+vpnAS1rTKN9MvIzvbvChg3ToKaSpUh3Qj1dW0Ho3ZOQNCa0RbXU3FL04ElKrYVLlUtbXkohrzzRSpqcD779Mgby/QizN14hQpV9sNycnUo2/Roob3+e2cMQ1hceYzxoGxdlMCVL7ZxReTUxPJvLO6Om0H+cUXDe/ftYtCTHpxFinnzCysCURPnAHknBids927acdrJc46dqQzUDUFwIhT58zMldM/x201mBekp5OI0I8lCpd77qEzareVoGbibNEiSvq1q+xTqOHnVo1hnYgzwLwoQF+pqejWjb43xl5x6vvV2MVZjx70vTUrgLFCfb5OxVlRkSa4CwroN2jlnAEU2rS73w16cbZrF32vYlGcAZSTuX594O/nyBFad78rv5lAWJz5jJVzZibONm6kA0PHjsCwYcGds3XrrA8gbtm7V2sEaSbOVC6cPqzZqRMd7Px2zswKAoDoijMz52zFCrq0c86ktB4tFE5YMzWVbi8u1sRypA/q/fp5J84qKujk5JJL3Fcqtm9PzWYrK+l6YSGtl5OQJkAH/CNHzL9bZWX051ScbdsW6ETrKzUV3brR98Io9ht7Gw2FqkZ0454Fa0Crx1gUYNVGwy/04iwSkzvCQeVk6mfDqjxSoPNh2gAAIABJREFUds4iC4sznzHLOQOsw5rKah81ig72Vi7L4sW00/nkE2/WU+0YMzLM84aMbTQAEmZduiSuc6bCh4oVKyjB2Sp0pkrhzcLGFRVUKdW+PZXZp6VZFwSYiTOAvmPFxdE7qPftSyLIixOGJUso/HTSSe6fa+x1psI0Toca2zWiDTYdQM/xx9Ol3j1TAkEf1rRyoBNFnKkTPjd5Z27EmXHGplUbDb9Qv9eKitgXZ3l5tO/R552pYxg7Z5GFxZnPlJRQiFL9QFu2pDYIVmFNvTirqtIaZxp59VW6XL3am/VUO8aLLiKRaFy/zZspgdmYnNytW+Scs0iLs8pKEkNWzllFReDrr1xJB93mzc2Xp5ZjlnemH90ENBxkrrByzgDaeaqwZps21o/zi379aHt5MQh9wQL63eTnu3+uUZx9+SVti+HDnT3frhFtsOkAeoYNoxMYvThbt06r1FQkujjz2znr0IF+D0oYb9xIv69IOUFmzlmsfqZNm1LVpj7vjJ2z6MDizGf00wEA62TyAwfoR6C6l48eTZdmeWfV1cCcOfS/OgsMF7VjnDaNLlV1m2LzZkpwVhVmCqtkZi+xGlnktzgz63GmMIanpSTnzCqkCdg7Z27EmVnOGaDN11R9lCKN+u56EdpcsIBOUKyErh1m4mz06MCKWzvsnLNgDWj1NG9OFXD6ogBjpSagfVZm4qxNm9C2QTzRqhV930MRZ/oWN1YIETjGSVVqRqqnllGctW/fsE9hLDFmDI0RVCfF7JxFBxZnPlNc3HBml9mUAFXlppyzLl3ozyzvbO5cSp5NT/dWnHXqRGdNLVs2DG1u2RIY0lR060aDi81GDXmFCuUZe1wpceZV3p0RO3GmnBPlpOzcSQcMO3HmxjlTLpiRYM6ZCmvGqjirq6PH2SX5l5RQf7BQQppAoDgrKqKDstN8M8DeOXMjzgDKO/v2W23mqZqpqadZM1pnowPd2Huc6enRg5xnp7/lffsoz9JpR3l9xaZdGw0/MIqzWA1pKsaOpe+rOvawcxYdWJz5jH50k8LMOVPiTD/3b9Qoc3H2+ut0ALngAu9aF6geZsnJ9OM0irPNmwOLARTdu5Mws5t6EC5lZeY74RYtaCeiEr/1vPMObUuz+5zixjlTxQB2obP0dNpRh+ucOck5i8YBoFMnen9238lNm+j+6dOtD8SLFtHn6oU4U7kzbsRZ+/Z0ImCWA7V7N71Hp6Jg5Eg6kfr5Z/rsCgrM+zmZOdCJ0ONMccUV5DCqdI1gqB5nTt2v3Fw6kdu0iU6kIpVvBmi/13gRZyecQMcBFdpk5yw6sDjzmZKShl/qTp0a5uVs2EDxfn2jwVGj6GxaL3xKS4H//Y9ywwYMoAOQ2UHcLVu3arkfEybQwWTnTu09lJRYO2eAv6HN8nLzUJ7dfM3580kEfP556K/rRJwp52zlStqhHXec/TKtep2ZiTNjnzMp7QsC2rShg1ZxcXQcFyG0ogAr1HirjRupp54ZCxaQm6QS6t3SogWFMPfvp5BmWlrDWad2NGkCnHoqTTyorQ28z2kbDYV6D8uWmVdqKswa0SaSc3bDDdTq5LbbnOUsOpkOoEcVBbz3Hl1G0jlLSSGXL17EWUYG5UuqE5uiInoPVukUjD+wOPMZK+esvDxw9NDGjTRfTN+HadQoutS7Z2+/TTlnU6ZoO5iffgpvHaurSYgpZ2z8eLpULTWUg2DlnAH+FgWUlbkXZ8q9+eCD0F9XiTOzg0B6OoV/9c7ZwIHBc0mspgTs30/iXDkyZs7Z4cMk0OzEmQovR+ugHqydxooVdKBq0gSYNcv8MQsWUN5L06ahrYMQWq+zL78kJyA11d0yrr+ePtv//S/wdifTAfT070/f3eXLzSs1FUqcKTexsjJ6IjsaJCUBL71E3/Ebbgge3nQyHUCPEsTvvEOXkRRnAH0Hdu2i/X48fKZjx9IJRXW11oCW515GFhZnPmOWc2bW60xfqakYOpQOKnpx9vrrVOk1YoS2gwk370wdFJRzdtxxtM4qtGnWRkMRKefMLIykbjMTZ2qbfPihlu/jlsJCbVSTGfp2GsGKARR2zln79toOsHVrEqV650bN5rM6g9V/z6J1dt63L30XrOatrlxJ3+vTTydxZvxsCgspNyjUkKaifXs6aVm1yl1IU3HmmfT5/utfgbe7dc6Sk+l7sWxZ4ExNI9260TZTgly51vFwIPeKPn2AP/+ZuvPPnm3/WLfirG1bOjFSlbO9e4e+nqGQnq4NvI915wygk6PqasqX9Ht0E2MOizMfqaujMKTxi22cElBTQwJIn28GkCgYPlwTZ7t2kWCaMoUO4j160BlnuOJMVUkpcZaURAc0Jc5UA1p1v570dNrx+emcuQ1rVlZSSCg3l3biZvMNnWDV40zRqRN9Jtu20Q7MSasGO+dMX3mmhJa+a7oSPHbOmSKazhlg7uYePUpVYHl5NAVj586GQ5aVW+uFOPvqKxLOoYizJk2Aa64B5s3TTk6kdC/OAMo7W7WK3ruxUlNhPMlJlDYaRm6/nbbXzTdbN2uW0r04A7TQZteuka+AzcjQwtrxIM5OPJEuFy2ifRsXA0QeFmc+UlpKOxIr50zlVmzeTA6JWZKqakZbXQ288QYt75JL6L6mTUkwhVsUYBa2HD+eRNu2bbR+WVnWSdB2g5u9wK4gAGgozpQwuOUWOhC+/35or+tEnO3ereVROXXO1HByPfv3A+3aadfNpgRYtRRRKHEmhLvQm5fYVWxu2kTvYfhw4Jxz6AD53/8GPmbBAvpchw4Nbz3at6eTo5QUCmuGwtVXk/P1wgt0vaSEfoduxdnxx9MJ2IIF5iFNgMWZIjkZ+M9/aN/561+bP6a8nMKfbsWZCm1GOqQJkDirqqL/40GctW1L22vxYtpfsXMWeVic+YhxOoDCGNY0q9RUjBpFB/Lvv6eQZl5e4M6lTx9vnLOmTQMPOhMm0OUXX1i30VB07x5bzpnaHiNHkmsSat7Z3r324qxzZxLYy5eTCBg8OPgyVa8zY5sGK+dML86COWfqOb/4hfOeXl7TuzeJQzNxpkTs8OH0eZ5zDvDWW4FTMBYsoM/MzF1yg9qWI0eG3lOqc2fg7LNJLFRXa79Xt8J35Ei6rKszLwYArMVZolRr6snNBf7wB+DNN4F33214v5sGtHqUcxbJSk2F2n+lpNjvU2KJsWPJfd63j52zaMDizEeMczUVmZl0gFU7e3Ugs3LOADpAfP89hTT19O1LYiScXl9bt1KVqL6P2MCB9INcuNC6jYZCTQnwq9+YW+dMid3evUkArFtH1aduceKc1dYCH39M28tJ0rlVrzOjOFNnqmbizK4JLRBdtyUtjb5LZm7uypUklPr3p+uXXEIhk88+o+vbt9PnFG5IE9C2ZSghTT3XX0+fzbvvapW5bp2zzp21VAYrcda+PX1/1EnOjh0kPtwWMjQW7r6bcl9vv71hXmKo4izazhlAv01jv8ZYZcwY2vcWFrJzFg3i5GsSn6gDq/GLLURgI9qNG8lRadmy4TI6dSJn6t//ph/1RRcF3t+nD+VYhdNnbMuWhvlkKu/s88/pQBHMOSsvD8yP8grVPsJMkFgVBGzaRI5Dejo5HwAVBrjh8GFabjDnDAB+/NFZSBMwnxJQXU07wXCds1gQZ4B1xeaKFTR3VLlip51G71NVbaocx1gSZ6ecQr+Nf/3LfQNahRBaSw2rsGZSUmB6QCK10TAjJQX4zW9IrH7zTeB9oYqzvDzgd78DJk/2Zh3doPZf8RDSVIwZo/3PzlnkYXHmI1bOGRDYiNasUlPPqFEkUiZO1A7uCi8qNvU9zvRMmEBuQV1dcOcM8Cfv7PBhen0zcZaaSn/6liRA4AD5nBwaoeM278yux5lCf5B2Ks7MnLMDB+gyXHGWmUnOlNlnGUn69aPPQO946IsBFE2bApMmkStVWUkhzXbttPBTOJx1FvXMClecJSUB111HLTlUzzzlgrldn+xs80pNhVGcJWJIU8+559Lv+403Am8PVZylpAB/+5t7ce0F6jcbT+KsSxdtX8LOWeRhceYjVjlngNaIVkoSZ2b5ZgoV2jSGNAFNnIVaFFBaSutpJr5U3hkQ3DkDzMXZmjXhzb9UwsuqGME4X9NsPMu55wJLlmhjSJzgtzjTO2fGBrSA9p3RN6INVhAgBIUIf/c7Z+viF337UvKzagcB0PezoqJhRevFF9PtH35I4mzCBG/CPp07A0884U1Y8Ior6MA+axYdpNLS3C/jqqvoJMgul46ds0BatAB++UvKS9SPh3MzVzNWiEfnDNDcM3bOIg+LMx9x4pwdOECPs3POLrkEuPNOGtdkpHNncktCdc6MbTT0DBig7QDtxJna4RiLAp59llyrVq0of+TGG6mowU3xgBIkVnlWRnF24ACFV/Xb85xzaOf+8cfOX9eJOOvYkQRR06bO3Z5mzWid9c6ZmThLTaXHunHOACA/P/oHLbOKTX0xgJ6xY+m38MgjJOa8CGl6TVYW8H//R8LfzyrYbt3ohK2oiL7TiS7OAErj2LtXGyUE0O+lZcv4yseLV3E2dixdsnMWeVic+UhJCZ1lm1WLdepEoRzVg8vOOWvXDnj0UfPlJCVR4rsf4kwIaqnRvHnDcKoelbisd84WLQJuvZXG4Nx/P4mcmTOBSy+l8M4zzzhbP7fOmXIQ9c7Z8OEUinJTtelEnKWk0HsfPNhdN3tjrzMzcQY0nBIQrCAgVrASZ82bN/yeJycDF14IrF5N12NRnAHUtR7wNyTWrRsJQJVjxeKMmgE3b06Vm4p9+6J/AuKWeBVnF1wA/PGPwOjR0V6TxIPFmY+YTQdQqLwVlQQdTnm3qtgMBbvRTADwl7/QyCi70R1CaBWbAIm0SZPIbZs9m8TZp5+S0Pj+exJsv/uds7FTbp0ztR304iwpiQoDPv6Yku+d4EScAZSPdOONzpapME4JcCPOkpJi3zHIyiK3VC/OjMUAelTfvs6dI9+53SljxpArGWrPNCeoA7dqzMvijFzic84B5szRWq6E0oA22sSrOMvMBB58MPb3OY0RFmc+YjZXU6HOwBcupC++ytsKhT59SGTp+0U5ZetWChFYrWfPnjRqJxjdu5Moq6wEfvUrEkHvvx9YgZqcTAfo//yH3vPVVwcfreRWnG3cSI6WfoA8QDv48nKtA30wCgtp2cHyix58kHKS3GDmnCUnN/wMjOJMDT2P9Rl3agC6cjHNigH0DB9O34tzz43d9yYENeR84AH/XoPFmTkXXkih3vnz6Xo8irOzzqLUlGi08WDiExZnPlJSYh2rV+Ls++8bDjx3S58+dABULpgbtm61r8R0SrduQEEBCa5Vq6jzu5Ub2Lkz8PjjFPo0zi404jasuWkTVcQZt+fEiRQecRraDNbjLBzMnLO2bRsmwrdp09A5s8s3iyX07TQ2biTRbjXeSgiaPfnUU5Fbv1DwWzgqMbZ8Ob1WNKoKY5HTT6ffuQptxqM469aNUlPC2c8ziQWLMx+xc85UWFNK+3wzJ4TTTsOsx1kodOtGgmPWLOChhyhXxI4rrqDw5p13kqizIhTnzEwUpqVRX60PPnDWLLew0D7PLhw6dqQq2cOH6bqxAa3CLKwZ6/lmin79qODl0CEKaQL2s0ebNuUDV7NmJDoOH47ulIdYIy2N3Ph336Uq4P3740+cMYxbWJz5iF3OWWam5gaFO04kVHFWV0fCyAtxpsKykyYBv/998McLQTMLhQCuvdZaMLlxzo4epQ7zVqGDs8+misAffwy+fn47Z+o1AHfiLF6cM/Wd3rTJuhiAaYgKbSZ6jzMjF11EJzSzZtF+i8UZ09hhceYjds4ZoLln4R602rShsJiVOPvkE/P2FXv30lm6F2HNs8+m/KuXX3Ye/unenZpCfvYZ8Mor5o9x4pxVV9NfQQHl3VmJs/Hj6XLJkuDr5qc4M04JsBNnZWVaLmE8iTN9xeaKFTTIPNGdMScoccb5ZoGcfDLt51Tom8UZ09hhceYTNTV0YLXrD6NySrwYxGtVsbl1K4UYb7rJ/D7AG+esbVsquXYbdrvuOurifvvt5iOoysvpoG5VLaQctbIy7f1bbc/sbBLEKuHaiiNHSFj77ZypvDM7cQZoY7FUQUA80LMnfW5r11IOotMmvYkOizNzUlKo19wPP9B1FmdMY4fFmU+oA6qdc+alOOvTx3xKwFNPURhg7tyGuV1KnHnhnIVKUhLNDa2qoiIBI2rouZUbpx9+btZGQ48Q1A4hmDhTLT78OkDqnbPaWgp/24kzFdqMJ+esaVMSaO+9Z18MwATC4swa/VxhFmdMY4fFmU/YTQdQnHSSVokULn36UHdx/ZzJ0lLgpZfodVSOlx5V3RlOGw8v6NWLDt7fftvwPquh5wq9ONu4kfpr2TWozM+nEO+uXdaPUSX74c5ltEIdWPbu1UZKORVn8VIQANBJh6rYZHHmDBZn1owbp7nOLM6Yxg6LszD54QfzmY3qgGoX1rzqKncjhexQbpG+setLL5FY+9vfqM/OSy9RyE6xdSu5d6HMCvSa4cOprYix75lyzqwwOmd9+tjnvOXn06WdezZ/PrmJfg0QT00l4VVYaN2AFohv5wzQ8s7S071xhxOB/HyaL6q+p4xGcjK5Z+npPE6IafywOAuDgwdpKPl99zW8z4lz5iXGis3aWgppjh1LwueGG6g/0DvvaM/xqseZFwwbRkLs558Db3frnAUTAUOGUMsCK3FWW0uNaidOdLzqIaF6ndmJM3UAUt+leMo5AzRxxsUAzunYkQbAc48zcx55hBx2/j4xjR0WZ2Hw1luUK7V4ccP7iovpMlLirFcvcoyUOHv3XQrf3X47XT/1VBJizz2nPcerHmdeMGwYXX73XeDt5eXOnLM9e6hNRrAO3CkpwMiR1uJsxQoSeief7Gy9Q0VNCXDqnNXVUe5WPIkzJZS5GIDxiubNgf79o70WDOM/LM7C4NVX6XLdOsrv0hNp56xZM8pXUUUBTzxBCdlnn03Xk5KoMnLRIqqgO3KExEysiLMBAyiJ3CjOysqcOWcrV9Klk/Eo+flUQajadOhR+WYTJgRfTjg4cc704qyqiv6Pp5yzwYPp81DfQYZhGMYZLM5CZPNm6pd18snUQHXZssD7Iy3OADoQbtoEfPMNsHQpcOutgfb/FVeQAPrXv8hVkzJ2wpopKXQwVyJL4TSsqbrQO8ltys+nhrXLlze87/PPKfRpV1TgBUbnrG3bho9p2pScgpISyjcD4ss5y8ykk4WTTor2mjAMw8QXLM5CZOZMCiM+9RS5Ul9/HXh/cTEdSJs2jdw6KXH2+OM0cNw4kLt9e2DyZGDGDGDNGrotVpwzgHLjvvsucFpAsIKA5s1p+69eTdd79Qr+OqNG0aUxtFlZSZ+j3/lmADlnZWUkktu0AZo0MX+cmhIQj+KMYRiGCQ0WZyEgJYU0J06k/IeBA8mp0hNsOoAf9OlD+VJz5tBIJDPH6YYbSBQ8/DBdjxXnDKC8s4MHA/uxBXPOhCD3rKaG2g84ES+tWwO5uQ3F2ZIlFO71O98M0HqdrVlj79K1bk1CX4VgWZwxDMM0flichcDXX1My/dSpdH3UKAol6ttAREucAeQk/frX5o8ZPRoYNIjCh02bxlZVmLEo4OhRcrPsnDNAC206yTdT5OeToD56VLtt/nwKr44Z43w5oaL6Na1dG1ycsXPGMAyTWLA4C4EZM+gged55dH30aHKs1q3THlNSEvlePEqcXHCBdRNLIcg9A6j5bFIMfQMGDqTwnso7U4IkWBK8Emduemnl59Nntnatdtvnn5PQjoQAUs5ZVZU7cRZPBQEMwzBMaMTQoTk+qKoCZs+mOW/qQKlymPShzeLiyDtnOTmUb/bXv9o/7tJLad1jKaQJUDPcgQM15yzY0HNFqM4ZoIU2i4qoCW4k8s2AwLmdduKsTRt2zhiGYRINFmcu+fBDapuhQpoAJaG3axcozqIR1hSC+pqpETBWZGZSM9pHHonMerlh2DCtKECNovIjrNmjBwkkJc4WLqTXjES+GRA4fobDmgzDMIweFmcuefVVoEsXYPx47TYhyD3TV2xGI6zphlNO0XK8Yolhw6i9xK5d7p0zN2FN4xD0+fPpdUaMcL/OoZCSorXPCCbOysupUAJgccYwDJMIsDhzQWEh8MknFBY0jg8ZNYp6OhUXA9XVlMgeaeesMaAE48qVmjhz4pw1bep+gHt+PlWG7t5N+Wbjx5NoihQq76xdO+vHqO+QGtTOOWcMwzCNHxZnLpg1i6r7Lrus4X0q7+ybb6LTgLaxcNxxVKTw3XdaWDOYILnuOuDZZ93P21N5Z7Nm0UzPSOWbKVTeWTDnDKBpDgA7ZwzDMImARetLxoxXX6U5gQMGNLxvxAgSB19/rTV2ZXHmHjU777vvtBl6wcRZXl5o8xuHDqUihL//na5HKt9MoZwzJ+Jsxw6qZI1kU2OGYRgmOrBz5pDt24EffwwsBNCTnk6uz9KlmnMWyzlnsYwqCnBaEBAqTZvSEPTCQnKxcnP9eR0r3DhnO3awa8YwDJMosDhzSLdulPdz+eXWjxk1iuY1qnmJ7JyFxrBhlAf288903c88KxXanDiRigQiyXHHkTDTV24aUQJ/504WZwzDMIkCizMXZGVplYFmjB5NSeyLF9N1FmehoYoCFi2iSz/F2Ykn0mWk880AcmF37rQPVarvUFUVFwMwDMMkCizOPEQVBXz0EV1yWDM0hg6lyxUrKCfMaii4F5x2GvDii8CUKf69hhVCBM8h0wt8ds4YhmESAxZnHpKdTXlEGzbQ9Vatoro6cUtmJjWUra31L99MkZwMXH01kJrq7+uESkqKJspYnDEMwyQGLM48RAgKbQIU/nTb2oHRUKFNDuVp7hmLM4ZhmMSAxZnHqNAm55uFB4szDRZnDMMwiQWLM49R4ozzzcJj+HC69DusGQ8occZClWEYJjFgceYxw4dTnhA7Z+GhigJYkLBzxjAMk2jwhACPadYMOPdcoHfvaK9JfNO6NRUF2DVoTRSUC8vijGEYJjFgceYDb70V7TVoHHz0EQsSgJ0zhmGYRIPFGROz9OoV7TWIDTjnjGEYJrHgnDOGiXHYOWMYhkksWJwxTIzD4oxhGCaxYHHGMDEOizOGYZjEgsUZw8Q4PXrQ9Inu3aO9JgzDMEwk4IIAholx+vYF9u8H2raN9powDMMwkcBX50wIcboQYqMQ4mchxN0m96cKId6sv3+ZECJbd99gIcRSIcRaIcSPQog0P9eVYWIZFmYMwzCJg2/iTAiRDGA6gDMADABwsRBigOFhVwEokVL2AvAEgEfrn9sEwEwA10spcwGMB1Dj17oyDMMwDMPECn46ZyMB/Cyl3CKlPALgDQDnGh5zLoAZ9f/PATBRCCEAnApgtZTyBwCQUhZJKY/6uK4MwzAMwzAxgZ/irDOAHbrrO+tvM32MlLIWQCmAtgD6AJBCiHlCiO+EEHeavYAQ4lohxAohxIr9+/d7/gYYhmEYhmEiTaxWazYBcCKAKfWX5wkhJhofJKV8QUqZJ6XMa89DGBmGYRiGaQT4Kc52Aeiqu96l/jbTx9TnmbUEUARy2RZJKQ9IKSsBzAUwzMd1ZRiGYRiGiQn8FGffAugthMgRQjQFcBGADwyP+QDA5fX/TwKwQEopAcwDMEgI0bxetI0DsM7HdWUYhmEYhokJfOtzJqWsFULcDBJayQD+I6VcK4T4E4AVUsoPALwE4DUhxM8AikECDlLKEiHE4yCBJwHMlVJ+5Ne6MgzDMAzDxAqCjKr4Jy8vT65YsSLaq8EwDMMwDBMUIcRKKWWe2X2xWhDAMAzDMAyTkLA4YxiGYRiGiSH+v737DpOiSt8+fh+GnBVRsqKggmENqKtiAF3FgKgYUNewKq7+jKsYWF1tskQBARUUQcmSRMkgQREQUCTnnIccBib18/4xPf0yTKAHppkj8/1cFxfTVdVVT09Ndd91zqlqwhkAAIBHCGcAAAAeIZwBAAB4hHAGAADgEcIZAACARwhnAAAAHiGcAQAAeIRwBgAA4BHCGQAAgEcIZwAAAB4hnAEAAHiEcAYAAOARwhkAAIBHCGcAAAAeIZwBAAB4hHAGAADgEcIZAACARwhnAAAAHiGcAQAAeIRwBgAA4BHCGQAAgEcIZwAAAB4hnAEAAHiEcAYAAOARwhkAAIBHCGcAAAAeIZwBAAB4hHAGAADgEcIZAACARwhnAAAAHiGcAQAAeIRwBgAA4BHCGQAAgEcIZwAAAB4hnAEAAHiEcAYAAOARwhkAAIBHCGcAAAAeIZwBAAB4hHAGAADgEcIZAACARwhnAAAAHiGcAQAAeIRwBgAA4BHCGQAAgEcIZwAAAB4hnAEAAHiEcAYAAOARwhkAAIBHCGcAAAAeIZwBAAB4hHAGAADgEcIZAACARwhnAAAAHiGcAQAAeIRwBgAA4BHCGQAAgEcIZwAAAB4hnAEAAHiEcAYAAOARwhkAAIBHCGcAAAAeIZwBAAB4hHAGAADgEcIZAACARwhnAAAAHiGcAQAAeIRwBgAA4BHCGQAAgEcIZwAAAB4hnAEAAHiEcAYAAOARwhkAAIBHCGcAAAAeIZwBAAB4JKJw5pwr5pzLF/r5Qufcfc65AtEtDQAAIO+JtOVsuqTCzrmKkiZIelJSn2gVBQAAkFdFGs6cmcVJelBSDzN7WNIl0SsLAAAgb4o4nDnnrpf0hKTRoWkx0SkJAAAg74o0nL0hqamkEWa22Dl3vqQp0SsLAAAgb8ofyUJmNk3SNEkKXRiw08xei2ZhAAAAeVGkV2sOcM6VdM4Vk7RI0hLn3NvRLQ0AACDvibRbs6aZ7Zd0v6Sxkqoq5YpNAAAA5KBIw1mB0H3N7pc0yswSJVn0ygIAAMibIg1nX0haJ6mYpOnOuXMl7Y9WUQAAAHlVpBcEdJXU9ahJ651zdaJTEgAAQN4V6QUPRY4yAAAgAElEQVQBpZxznZxzc0P/OiqlFQ0AAAA5KNJuzd6SDkh6JPRvv6Svo1UUAABAXhVRt6akC8ys4VGPmznn5kejIAAAgLws0pazw8652qkPnHM3SjocnZIAAADyrkhbzl6U9I1zrlTo8R5JT0enJAAAgLwr0qs1/5T0N+dcydDj/c65NyQtiGZxAAAAeU2k3ZqSUkJZ6JsCJOnNKNQDAACQp2UrnB3D5VgVAAAAkHRy4YyvbwIAAMhhWY45c84dUMYhzEkqEpWKAAAA8rAsw5mZlThVhQAAAODkujUBAACQwwhnAAAAHiGcAQAAeIRwBgAA4BHCGQAAgEcIZwAAAB6JajhzztVzzi13zq1yzr2XwfxCzrnBofmznXPnHTO/inPuoHOuSTTrBAAA8EXUwplzLkZSd0l3Saop6THnXM1jFntO0h4zqybpE0ltj5nfSdLYaNUIAADgm2i2nF0raZWZrTGzBEmDJDU4ZpkGkvqGfh4q6TbnnJMk59z9ktZKWhzFGgEAALwSzXBWUdLGox5vCk3LcBkzS5K0T1IZ51xxSe9KapbVBpxzLzjn5jrn5sbGxuZY4QAAALnF1wsCApI+MbODWS1kZj3NrJaZ1SpbtuypqQwAACCKsvxuzZO0WVLlox5XCk3LaJlNzrn8kkpJ2iXpOkkPOefaSSotKeicO2Jm3aJYLwAAQK6LZjibI6m6c66qUkJYI0mPH7PMKElPS5op6SFJP5mZSbopdQHnXEDSQYIZAADIC6IWzswsyTn3iqTxkmIk9Tazxc655pLmmtkoSV9J+tY5t0rSbqUEOAAAgDzLpTRU/fXVqlXL5s6dm9tlAAAAHJdzbp6Z1cponq8XBAAAAORJhDMAAACPEM4AAAA8QjgDAADwCOEMAADAI4QzAAAAjxDOAAAAPEI4AwAA8AjhDAAAwCOEMwAAAI8QzgAAADxCOAMAAPAI4QwAAMAjhDMAAACPEM4AAAA8QjgDAADwCOEMAADAI4QzAAAAjxDOAAAAPEI4AwAA8AjhDAAAwCOEMwAAAI8QzgAAADxCOAMAAPAI4QwAAMAjhDMAAACPEM4AAAA8QjgDAADwCOEMAADAI4QzAAAAjxDOAAAAPEI4AwAA8AjhDAAAwCOEMwAAAI8QzgAAADxCOAMAAPAI4QwAAMAjhDMAAACPEM4AAAA8QjgDAADwCOEMAADAI4QzAAAAjxDOAAAAPEI4AwAA8AjhDAAAwCOEMwAAAI8QzgAAADxCOAMAAPAI4QwAAMAjhDMAAACPEM4AAAA8QjgDAADwCOEMAADAI4QzAAAAjxDOAAAAPEI4AwAA8AjhDAAAwCOEMwAAAI8QzgAAADxCOAMAAPAI4QwAAMAjhDMAAACPEM4AAAA8QjgDAADwCOEMAADAI4QzAAAAjxDOAAAAPEI4AwAA8AjhDAAAwCOEMwAAAI8QzgAAADxCOAMAAPAI4QwAAMAjhDMAAACPEM4AAAA8QjgDAADwCOEMAADAI4QzAAAAjxDOAAAAPEI4AwAA8AjhDAAAwCOEMwAAAI8QzgAAADxCOAMAAPAI4QwAAMAjhDMAAACPEM4AAAA8QjgDAADwCOEMAADAI4QzAAAAjxDOAAAAPEI4AwAA8AjhDAAAwCOEMwAAAI8QzgAAADxCOAMAAPAI4QwAAMAjhDMAAACPEM4AAAA8QjgDAADwCOEMAADAI4QzAAAAjxDOAAAAPEI4AwAA8EhUw5lzrp5zbrlzbpVz7r0M5hdyzg0OzZ/tnDsvNP0fzrl5zrmFof/rRrNOAAAAX0QtnDnnYiR1l3SXpJqSHnPO1Txmseck7TGzapI+kdQ2NH2npPpmdpmkpyV9G606AQAAfBLNlrNrJa0yszVmliBpkKQGxyzTQFLf0M9DJd3mnHNm9oeZbQlNXyypiHOuUBRrBQAA8EI0w1lFSRuPerwpNC3DZcwsSdI+SWWOWaahpN/NLP7YDTjnXnDOzXXOzY2Njc2xwgEAAHKL1xcEOOcuUUpX578zmm9mPc2slpnVKlu27KktDgAAIAqiGc42S6p81ONKoWkZLuOcyy+plKRdoceVJI2Q9JSZrY5inQAAAN6IZjibI6m6c66qc66gpEaSRh2zzCilDPiXpIck/WRm5pwrLWm0pPfMbEYUawQAAPBK1MJZaAzZK5LGS1oqaYiZLXbONXfO3Rda7CtJZZxzqyS9KSn1dhuvSKom6UPn3PzQv7OjVSsAAIAvnJnldg05olatWjZ37tzcLgMAAOC4nHPzzKxWRvO8viAAAAAgryGcAQAAeIRwBgAA4BHCGQAAgEcIZwAAAB4hnAEAAHiEcAYAAOARwhkAAIBHCGcAAAAeIZwBAAB4hHAGAADgEcIZAACARwhnAAAAHiGcAQAAeIRwBgAA4BHCGQAAgEcIZwAAAB4hnAEAAHiEcAYAAOARwhkAAIBHCGcAAAAeIZwBAAB4hHAGAADgEcIZAACARwhnAAAAHiGcAQAAeIRwBgAA4BHCGQAAgEcIZwAAAB4hnAEAAHiEcAYAAOARwhkAAIBHCGcAAAAeIZwBAAB4hHAGAADgEcIZAACARwhnAAAAHiGcAQAAeIRwBgAA4BHCGQAAgEcIZwAAAB4hnAEAAHiEcAYAAOARwhkAAIBHCGcAAAAeIZwBAAB4hHAGAADgEcIZAACARwhnAAAAHiGcAQAAeIRwBgAA4BHCGQAAgEcIZwAAAB4hnAEAAHiEcAYAAOARwhkAAIBHCGcAAAAeIZwBAAB4hHAGAADgEcIZAACARwhnAAAAHiGcAQAAeIRwBgAA4BHCGQAAgEcIZwAAAB4hnAEAAHiEcAYAAOARwhkAAIBHCGcAAAAeIZwBAAB4hHAGAADgEcIZAACARwhnAAAAHiGcAQAAeIRwdpLmbJ6jHYd25HYZAADgNEE4OwnLdy7XDb1v0Jvj34zqdtbtXafHhj2mvUf2RnU7AAAg9xHOTsJbE95SUjBJP6z4QfFJ8VHbTo85PTRo0SD1md8natsAkH1BCyopmJTbZQA4zRDOTtD4VeM1euVo3XHBHdofv1+T1kyKynaCFtTgxYMlSb1+7yUzi8p2AGRfo6GNdHf/u3O7DACnGcLZCUgKJunNCW/qgjMu0NCHh6pkoZIaunRoVLY1a9Msbdi3QXWr1tWS2CWauWlmVLYDIHuSg8kat2qcJq6ZqJ/X/5zb5QA4jRDOTsDncz/Xktgl6nhHR5UoVEL3XXSfvl/2vRKTE3N8W4MWDVLh/IXV74F+Kl6wuHr93ivHtwEg+5bELtGBhAOSpNa/tM7lagCcTghn2bT78G59NPUj1a1aV/dddJ8kqWGNhtpzZI+mrpuarXVtO7hNi3YsynR+cjBZQxYP0T3V71H5EuX1+KWPa/CiwVwYcBQz0/aD27Uzbmdul4I8JrUV+9krntW4VeP0x9Y/crkiAKcLwlk2BaYGtPfIXnW+s7Occ5KkOy+4U8UKFNPQJZF1bSYmJ6rTzE6q/ml11epZSxv2bchwuWnrp2n7oe1qdGkjSVLjqxvrcNJhDVg4IGdezF/Qpv2b1GNOD708+mXd2udWlW1fVuU6ltPln10elZbLnNJqeivd/PXNClowqtsZsXSE1u1dF9VtIMXMTTN1VtGz1PHOjipZqKTa/NImt0sCcJognGXDktgl6jGnh1646gVdds5l4elFChTRPRfeoxHLRig5mJzlOqavn66rel6ltya8pRsr3yhJ+mjqRxkuO2jRIBUvWFx3V08ZcHx1+at1Rbkrsn1hwLR107Tt4LaIl/fVjkM7dP1X1+vlMS+r38J+Sgwm6sEaD+qlWi9p68Gt+mntT7ldYoZ2H96tj2d8rJ83/Kwpa6dEbTsb923Ug0MezPTv6Wixh2JPi7+J3DRz40xdX+l6lS5cWi9f87KGLhmqFbtW5HZZ8FDQglq+c3lul4G/EMJZNrw14S0VL1hczes0TzfvoRoPKTYuVj9vyHhg8I5DO/TUiKd0S59bdCD+gEY+OlJjnxirV699VX3n99XC7QvTLJ+QnKBhS4epwUUNVLRAUUmSc06Nr2qs+dvma97WeRHVPHH1RN3a91Y9OPjBqLfaRMLMNGLpiGwHg6RgkhoNbaSdcTs149kZ2vvuXs14doZ61u+pTnd2UslCJTVk8ZAoVX1yuv/WXQcTDqp4weL6Yt4XUdvOoEWDJKVcSXy8ff3wdw/r9m9uP6Grf5fvXK4XfnhB2w9uP6E6Twe74nZp+a7luqHyDZKkN/7+hgrlL6S2v7TN5crgo46/dlTNHjW1fu/63C4FfxGEswit2bNG09ZN00e3fKSyxcqmm39X9btUOH9hDVsyLN28gwkHdWufWzVo0SD9t/Z/teTlJWpwcQM559T0pqYqVbiUmk5umuY5k9ZM0u7Du8NdmqmeuOwJFclfRL3mHf/CgNhDsXpq5FMqVaiUZm6aqf4L+mfzVeesoAX1f6P/Tw8OeVCX9rg0w99VZv47+b+asm6KPr/nc91Q+YZwl7IkFc5fWA0uaqDhy4YrITkh03UcSTqiUctHHbd1MycdSjikLrO76N4L79ULV72gEctGRC3UDFw0UPnz5df2Q9u1YPuCTJeLPRSr6euna3HsYv268ddsbSMpmKR/jvinev3eS3f2u1N7Du852bL/kmZtmiVJur7S9ZKks4udreevfF7fLvhWG/dtzM3SkA0JyQmq1bOW/vX9v6L2t5yYnKgus7soaEFNWz8tKtvA6YdwFqHzzzhfK15doZevfTnD+cULFtdd1e7S8GXD07RamJmeG/Wclu9arrFPjFWr21qFW8Ik6cwiZ6pp7aYavXK0pq37/wfuoEWDVLpwad1xwR1ptlOqcCk9cskjGrBogA4mHMy0XjPTM98/oz2H92jqM1N1bcVr9c6kd3Qg/sCJ/gpOSnIwWc+Pel6fz/tcL9V6SVXPqKqHvntIT498WvuO7MvyucOWDFP7X9vrxatf1NNXPJ3hMo9e8qj2Htmb5f3mPv7lYzUY1EDtZrQ7qdeSHb3/6K1dh3fpvRvf0wtXv6CkYJK+nv91jm9n2c5l+mPbH2pyfRNJ0rhV4zJddszKMTKZYlyMvvrjq2xtp8usLpq7Za5eu/Y1LYldonsG3KNDCYdOqva/opmbZirGxahWhVrhaU1uaCKTqePMjrlYGbJjxoYZmrd1nvrM76NLelyiUctH5fg2hi0dps0HNsvJccsVRIxwlg2VSlZSwZiCmc5vWKOhthzYEj6rlqQus7toyOIhal23tW47/7YMn/fqta+qUslKemfSOzIzHU48rJHLRqphjYYZbq/xVY11MOGgBi8anGktXWd31ZiVY9T+H+11Rbkr1LVeV207uE2tfm6VjVecM5KCSXpq5FP6ev7XCtwSUPe7u+vXZ3/Vhzd/qP4L+uvyzy/P9ErXpbFL9cz3z+i6itepc73OmW7jHxf8Q6ULlw7fsPdYhxMPq/uc7sqfL78+nPqh5m6ZmxMvLUuJyYnqMLODaleprRur3KiLzrpIt553q3r93ivHu5gHLhwoJ6fXrntNV5a7Mstw9sOKH1ShRAU9/benNXjxYO2P3x/RNlbvXq3/Tfmf7rvoPnWu11kDGw7U7M2z9cDgB6L6DRk+mrlppv5W7m8qVrBYeNq5pc/VE5c9oV6/91LsodjjruO3zb/p9m9u1+7Du6NZKrIwdtVYFchXQNOemaayxcqqwaAG+ufwf2pX3K4c20bnWZ1V/czqqletXqbDXoBjEc5y0L0X3qsC+QqEu+t+Xv+zmkxoovsvvl/v3PhOps8rUqCImt/aXL9t/k3Dlg7T2FVjdSDhQLouzVQ3VL5BNc6qkek9z+Zvm693Jr2jey+8V69c+4ok6bpK1+mZK55Rp5mdtHLXygyftzNupyasnqAhi4eo17xeaj+jvT746QN1/LXjCX+AJCQnqNHQRhqwcIDa3NZGH936kZxzKhBTQM3qNNMvz/6igjEFVbdvXdXpW0fvTXpPI5aO0Ob9m3Ug/oAeHPKgiuQvoqGPDFWh/IUy3U7BmIJ64OIHNHLZyAyDQr8F/bQzbqcGPzRY5YqX0+PDHo96i8/ARQO1Yd8GNa39/7us/331v7Vmz5oc/UYJM9OARQNUp2odlS9RXvWq1dOMjTMyDF3xSfEav3q87q1+rxpf3VhxiXFZhvyjt9H4h8YqEFNAPe7uIeecGtZsqK/u+0oT10zUY8Mei+hrjMxMzaY205iVY07ota7buy7bt6zJaUnBJP22+TfdUOmGdPPevfFdHU48rK6zu2a5DjPTf8b/R5PXTlanmZ2iVWq2+XzFczSMXTVWN517k24+92bNaTxHgVsCGrx4sC7pcYk6z+p80lc+z9o0S7M3z9Zr172mW869Rct3LY8ouOek0StGq8usLny7zF+NmZ0W/66++mrzwT3977FzPznXtuzfYuU6lLPqXavb3sN7j/u8pOQku6T7JVa9a3W7f9D9dnb7sy0xOTHT5Tv92skUkL0+9nWbsGqCxSXEmZnZwfiDdtGnF1n5DuUt9lBsmudsPbDVSrQuYff0vyfd+r5b/J2d2fZMU0Bp/uVrls8UkBVtVdReHfOqrdm9JuLfxZHEI1Z/QH1TQPbJzE8yXe5g/EFrOqmp1epZywo0LxDedrFWxSxfs3z205qfItre2JVjTQHZ98u+TzM9OZhsF3e72K78/EoLBoM2Ze0UcwFnjUc1jvi1xCXE2Tfzv7F5W+ZFtHxyMNlqdKthl/W4zILBYHj6kcQjdla7s+yBQQ9EvO3jmbN5jikg+3Lel2ZmNm3dNFNANmLpiHTLjl813hSQ/bD8BwsGg1aze027rtd1x91Gr3m9TAHZF3O/SDevy6wupoDsqRFPWXIwOcv1jFs5zhSQuYCzdr+0S/O7OZ7E5ESr2b2mFWhewNbuWRvx844nOzWYmf2x9Q9TQNZ/Qf8M5z84+EEr0bqEbdm/JdN1jFkxxhSQndP+HCvRuoTtituVrRoyM2vjLFu/d322nxcMBu2lH1+ych3K2bYD23KklpPVfGpzu3/Q/bbn8J6orH/D3g2mgKz9jPZpps/fOt+u63Vd+H3osh6X2fuT37fZm2Yf9+/7WI2GNrJSbUrZgfgDNmPDDFNANnzJ8GzXmpCUkO3nmJmt2b3GirUqZgrIPp396QmtIyO743Zn+7jJysZ9G23h9oU5tr7kYLJNWDXBDicezrF1RoOkuZZJpsn1UJVT/3wJZ71/720KyKp3rW5FWxXN1h/cqGWjwm8IL49+Octl9x7ea/UH1LeCLQqaArLCLQvbnd/eaXd8e4e5gLPJayZn+LwOMzqYArLRK0aH1/Pk8CdNAdk1Pa+xSasn2aLti2zjvo12IP6ABYNBW7h9oT094mkr0LyA5WuWzx797lH7fcvvWdYXnxQfDmafzfks4t/B4cTDNmvjLOs6q6s9OfxJ+/qPryN+bkJSgp3Z9kx7YtgTaab/uPxHU0DW789+4WnvTnw30wBz7Ov4bM5nVqFjhXCoeGX0K7bvyL4snzdy6chMP8DfnvC2xTSLsc37N0f0upKDyTZr4yxLSk7KcP5/xv3HCjQvYLvjdptZyu+hROsS9u8f/p1u2VdGv2JFWhYJh/nUkJ/V3+nm/ZutVJtSdmufWzP9cGo+tXmm4S1VMBi067+83qp8UsUe+e4RU0D27MhnLT4pPtPnHO2zOZ+F98Fz3z933OUPJRw67jJzNs+x0h+Xtnr96tnUtVMj+sDp8VsPU0CZnqis3LXSCrUoZI8NfSzD+cFg0K7+4mo7r/N5Nm/LPFNA9sHkD4673azEJ8Xbm+PeNAVkFTtWzHZAS31fUED2wqgXTqqWnNBzbs9wPVd8fkVUAmPqNhZtX5Th/BU7V1jHXzvaLV/fEj5JvavfXREHtI37NlpMsxh7a/xbZpZyYlaoRSH7z7j/ZKvOZbHLrEzbMvbexPey9bzkYLLV6VPHSrQuYbd/c7vFNIuxCasmZGsdGflz25+Wv3l+q9a1mrWe3jri97HM7I7bbVU+qWIlWpfIkf2ckJRg/xz+T1NA9tjQx3I0ROY0wtkptCtul+Vvnj/LM+vMBINBu6n3TaaA7Of1P0f0nEMJh2zMijH2xtg3rEa3GqaA7P3J72e6fHxSvF306UVWvWt1G79qvFX5pIrFNIuxj6Z8dNyzs437NlqT8U2sROsSlq9ZPms1vVWGb1SJyYnWcHBDU0DW47ceEb2OnPL8989b8dbFw+HDzKxOnzpWqVOlNK8vPinervriKivTtkyGby5JyUn27Z/f2vldzjcFZDd+daONWznOXhn9irmAswodK9jQxUMzPPCDwaBd1+s6q9q5aoatnyt3rTQFZC2mtTju6wkGg/bqmFdNAdmb497MsM4KHStYg4EN0ky/f9D9du4n56apLxgM2rmfnGv1B9QPT4s9FGsFmhewN8a+ken2GwxsYIVbFraVu1ZmWWft3rWtbLuymbYUT1o9KRzWk4PJ9uFPH5oCslu+vsV2HtqZ5e9h35F9VrZdWbup90322pjXLKZZTJb1fDr7UyvQvIANWjgo02U27dtk5TuUtwodK9jZ7c82BWR///LvNnLpyCw/gJ8c/qSd0/6cLN/0P5rykSkgm7R6Urp5I5aOMAUUPvF4eMjDJ9V6tnr3arum5zWmgOzpEU9bqTalrEa3GhGvb+TSkeYCzh4a8pC9NuY1y9csn83fOv+EaskJP635yfI3z2/1+tWz0StGW9FWRa1a12o52lpqlnKMVO5UOaIP752Hdlqzqc1MAVmnXztFtP73Jr5n+ZrlS1P3zV/fbLV61oq4xriEOLv8s8vDQXXk0pERPzf1ZKbn3J62/8h+u7THpVb649K2fOfyDJcft3KcvT3h7eOeLD094mkr2qqo3fz1zeHelXv632PDlwzPdstiMBi0Bwc/aPmb57f8zfNnqzcjI4cTD9t9A+8zBWS39rn1uL02uY1wdoq9Nf4t+2jKRyf03KWxS+3Dnz7M9h95ql1xu477ZpPa/Zfawjdr46xsbWPv4b322NDHTAFZg4EN0nwYJyUnWaOhjUwBWeeZnU/oNZyMiasnpuk6+H3L76aArN0v7dItuzR2qRVpWcRu63ubDVo4yNr90s5eGf2K3TfwPqvauaopILvy8yttzIoxaX6nszfNtis+v8IUkN3T/x77cfmPNnXtVJuzeY4t2bHEhi8Zftxgelvf26zKJ1UybQ1L9b+f/mcKyC7udrEpIBu4cGCa+T+t+ckUkA1eNDjN9M/nfG4KyJbGLg1PW7BtQfjN+mgPDXnIyrQtY0cSj6TbfmrrQka/v2Oldq++M+GdDOff/PXNVrFjxTTb6fdnPyvUopBd0OUCWxa7LNN1N53U1BSQzdk8x7Ye2GpFWhaxJ4c/meGyK3ausCIti1ihFoUsplmMDVsyLN0yhxIO2dVfXG3FWxe3BdsWWFxCnPX4rUd4v9foVsNmb5qd4fqrda123G7puIQ4u6DLBXbRpxeleb3JwWS7tMelduGnF4aDe+p+yar1LD4pPsP3hEELB1nJNiWt9Melw69z6tqpVqhFIbv+y+uP23r4+5bfrWironZNz2vsUMIh2x23285se6bV6VMnKi0OwWDQdhzckemJ4PKdy+2Mj8+wmt1rht9XZmyYYaU/Lm0VO1a0xTsW50gd8UnxVrx18Wy1EgaDQbtv4H1WqEWh4/aIHEo4ZGd8fIY1HNwwzfT3J79vMc1i7ED8gYi22XhU43AL/9VfXG2lPy4dUUhdt2edFW9d3G7/5vbwfly7Z62d1e4su/DTC8Ot7GZmW/ZvsUe/ezT8mfD5nM8zXe+W/VusQPMC4Z6dFTtXWNNJTa18h/KmgLL9uZcaINvPaG+vj339pE4M9h/Zb3X61DEFZN1md7PkYLLdP+h+i2kWY1PXTj2hdUYb4QzpvDnuTXt97Ot2MP7gCT0/GAxal1ldws3bC7YtsORgsj014ilTQNb2l7Y5XHFkEpMTrWy7svbod4+amdkTw56w4q2LZzpuJTXEpP4r1aaUXf7Z5VZ/QH0bvGhwpiE5MTnROv3aKTye49h/Z7c/O03r3bGGLBqSpns5I6ldTc99/5zFJ8Vb7d61rWirovbntj/DyzQe1diKty6e7kN47Z616c4aW05raQoo3Vio1LA+ZNGQNNM/mfmJKSC7/Zvbsxz/eLSnRzxtBVsUtNW7V6eZPnXtVFNA1nVW13TP+XXDr1a2XVk7u/3ZGX7ord+73gq3LJymu7rJ+CaWr1m+NOHTLCX81O5d20p/XNqWxS6z67+83vI3z2+jlo0KLxMMBu2R7x4xF3Bpppul7NcBCwZYpU6VrHrX6ukC646DOyIOq6njylpNbxWeNnDhwAxD9kNDHsq09WzIoiFWtFVRi2kWY+U6lLO/ffY3u+PbO+zOb+8Mt/Yd+4E9dPFQcwFn9QfUz3Tfbd6/2Sp2rGiVOlVK8zfRbXa3bLfSbNm/xZ4d+aw9NvQxe/GHF+3die9a6+mt7dPZn9r7k9+3R757xK78/Eor0bqEKSCr0LGCtf2lbZoTu11xu6x61+p2Vruz0nUZL9i2wMp1KGdntj0z09CcHaknNccb1nCs7Qe329ntz7bLP7s8w5OZVKnvK9PXTU8zPXXM5cTVE4+7rX5/9jMFFO7OXL17tZVsU9Ku7XVtlq1bwWDQbv/mdiveurit27Muzbzp66ZbgeYF7PZvbrcjiUes2+xuVrJNSSvUopA1m9rM/v7l361Sp0qZvrYPJn9gLuBsxc4VaaYnJifa/YPut5JtSkY8RvDPbX9aoRaFrF6/epYcTLZdcbvszLZnWt2+dbN9YrDz0E67puc1FtMsxr7989vw9H1H9tlFn15kZ7c/2zbu25itdZ4KhDNEzc/rf7ZyHcpZ0VZFwx8WkXTXRdOLP7xoRVsVteU7l1v+5vkz7bJLNX/rfFu4fWFEF24cK/ZQrKhqsV8AABVRSURBVM3aOMsmr5lso5aNsoELB9qX87487oUD8Unxdnb7s+3u/ndn+OGZOgD/4SEPh1vXtuzfYuU7lLcLulxgu+N2W3xSvJ3x8Rn2z+H/zHAbF3e72O789s7w4+t6XWfX9Lwm3XJJyUlWuVPl8LLBYNA+mPyBKSB7cPCDWX4IHWvz/s1WtFXRdC0GdfvWtXIdymUaWJfFLrPyHcrbWe3OShM+zVICduGWhdOMo9pxcIcVa1XMGg1tlGbZzjM7mwKyPn/0MbOUVt5rel5jBVsUtDErxpiZWWBK4LgBK/VDtOW0lmmmf7/s+2wNO2g4uKEVblnY1uxeY4nJiXbhpxfapT0uTRf6U1vP/vfT/8LTgsFgOKBf/+X19v7k9+2575+zewfca9f0vMbO73K+NZ3UNNNWqO6/dTcFZM9//3y6D7vUlsNirYqla6lIvfDigi4XRLTvF2xbYJU7VbYiLYtYta7VrGy7smku7IlpFmMXdLnA6vWrZ6+OedU6/trRbv/mdlNAVqJ1CXtr/Fu2Zvcaq9u3rhVsUdB+Wf9LhttZvXu1nd/lfCvWqli2Q9Wx3p7wthVoXsD2H9mf7ef+sPyHLFuIg8Gg1ehWw6764qp0v/d9R/ZZvmb57MOfPsxyG0tjl1qxVsXspt43pXl/GLp4qCmgLMetpbZ2ZzbW96vfvwqfQCogu63vbeGwldrz0G12t3TPi0uIszJty9h9A+/LcL2pvRTHHjMZORh/0Gp0q2HlOpSz7Qe3h6d3ndXVFEh/UVdmth7Yat/++a3V7F7TCrUolO5ky8xsyY4lVrx1cbuu13XZei87FQhniKot+7dY7d61c2Rgc05IPSu+tMel6cZ8+CS1y7JUm1L2wKAHrMdvPWzVrlU2eNFgcwFn9frVS3eGPGPDDCvQvIDd3f/u8EUHmbW+vTH2DSvcsrDFJcTZtgPbzAWcNZ/aPMNlP/zpQ3MBZ2t2r7GXfnwp3GJ3vG7XjKReHDBt3TQzSwnwkYzVWbFzhVXsWNHKtC1jf2z9w8zMftv0mykgazqpabrlm05qai7gwq1tqd2Z9/S/J82H4u643Xbl51daoRaFrMn4JuGxWcc7O284uKEVaVkkzd/PexPfs/zN82fZKnq0DXs3WLFWxaz+gPrW548+WV6t99CQh6xkm5K2K26XJSUn2SujXwkH9BO96iw1ZF/X6zqr1bOWnd/lfDvj4zPMBVyGLYepUsPpsVcyHmvsyrFWonUJq9CxQpqLhILBYPjvLrNWnt+3/G6PD3vcYprFhIPcN/O/yXJ7Ww9stWt7XWsu4KzNz21OuOv10h6XWp0+dU7ouWZmL4x6wVzApesuS22Nyuq1XPn5lVlu+1DCIbu0x6V2VruzbNO+Tenmp45BzSigrt+73kq0LmF1+9bNcmhM00lNrWLHitZ/Qf9041Jv6n2TVehYId3f+BdzvzAFZFPWTsl0vXf3v9vKtC1z3B6Z575/zlzApWtBTEhKsIu7XWzVu1bP8O8mMTnRJqyaYE3GN0kzFu+c9udkWdewJcNMAdm/f/i37YrbZRNWTbCPf/7YHh7ysF3c7WL7YPIHuXLhAOEMUZeQlGDztszz4sqYpOQkO6f9OaaA7JHvHsntcjKVlJxk3y3+zhqPamznfnJumm7R2r1rZzpeKPVqwTPbnmll2pbJtOUk9QN27Mqx4bPl1NBzrLV71poLOKvYsWK4VeBE9+WhhENWuVNlu+qLqyw5mGx3fHuHlW1XNqKrJ1ftWmWVO1W2M9ueafO2zLPavWvb2e3PzvDq2J2HdlqJ1iWs4eCG4e7MUm1KZfiBtvPQzvCb+Y1f3RjRGXRqsDq6peCWr2/JsPUxK+1ntDcFZCXblMywNSVVauvZW+PfsgYDG5gCsibjm5zw+FOzlA/b9ye/b9f1us7q9atnjw973F4e/bJ9MPkDG79qfJbPvaf/PVayTck0LRtH+2zOZxbTLMau+PyKk+oyWrdnnTUZ3yTDLu+MxCXEhce1Pjn8yWwH19RbaETSNZ2ZA/EHrFrXalblkyq25/Aem7ZumjUe1dhKf1zaFJBd0v2STP/GXhvzmhVpWSTT4zY1uIxbOS7D+UcSj1itnrWsVJtS1nNuT/toykf21IinrHbv2lambRkr1qpYtm55dKwpa6ekGzOc2hqYejuizKTeLiSrE7HUrv3/TvpvhvNHrxidbh3BYNB+XP6j1exe0xSQFWxR0Or0qWNtfm5jczfPjegYeW/ie+mGn1TtXNWu//L68LF2qj+/CGfIc14e/bIpoGxf7JBbgsGgrdi5wrrN7mavj309yy7WYDBoz4x8xhSQvfTjS5kuF5cQZ4VbFrbXx74e0ZVp//jmHyf9oZWq/4L+poDs/378v2yPQVyze42d+8m5Vrhl4Sy7Z8wsfMXn898/n6Y7MyM7Du6wD3/60HYc3BFxLW1/aWsKpNwXLiEpwYq2Kmqvj3094uebpZy4XNL9ElNA4a7VzDw05CFTIOV2ITl5X6oTsTR2qeVvnt+eGfmMLdq+yOZsnmPT1023cSvH2WtjXgtfEHMiXYMnKxgMWotpLcJdvtsObLNgMGj7j+y3lbtW2i/rf7Fp66Zl+KF9vFtoRGrWxlkW0yzGirYqagqk3JfxyeFP2vhV47Mco/nd4u8yfW9Kve1PZsEl1erdq8NB0AWcVe5U2W7++mZ7ZuQzGV4hnF11+tSxc9qfEz6hSh2XeryWTTOzW/vcahU6VsgwnP626Tcr0rKI3fDVDZmG02AwaHd+e6eV/ri0xR6Ktd+3/G51+9Y1BWTVulazQQsHndBY6aTkJGs2tZl9/PPHNnH1xPD4zmAwGH6fem/ie6c0oBHOkOdsP7jdhi4emttlRM3hxMP20ZSPbMPeDVkuV69fvfA4nayCnFnKrVJSuyJPVjAYtL9/+XdTQFambZmIr05LtW7POqvauapd/tnlWX7Q7Tm8J/whdWx3Zk6IT4q3Gt1qWNXOVcPds1ndniMzS2OX2qezPz1ufUt2LLErPr/ipMdU5ZTXx76e4QUvCsheHfNqxBeKRMt3i7+zIi2LWLFWxaxIyyLpanzxhxfT/c4fGPRAxLfQOJ6us7pa/QH1rd+f/SIODFsPbM2wy/hw4mG7oMsFdnG3iyO699+uuF22YueKqIyjmr5uuikg6zCjg5mlnLiV71A+orpSx60de9Xnmt1r7Oz2Z9t5nc877v3MFm1fZDHNYuzCTy80F3BWpm0Z6zqra8T3RMyu5GCy/fuHf6cb9xlthDMgj0q94jK1e/NUmrlxprmAs9bTW5/Q8w8nHo4o1HWd1dUqd6qcYXdmTkjt5rmgywWmgE7oDvx/VYcSDtmABQNsyKIh9sPyH2zS6kk2Y8OMLG97cqrN2zLPnv/+eXtz3JvW9pe21uePPjZ25Vh7a/xbpoDstTGvhYNYfFK8lWhdItdvtFuta7V0A+tTr6bOiRvF5oR/fPMPK9uurM3cODPdVcdZCQaDdm2va+28zueFW8d2x+22i7tdbGd8fEa6K6wz8/rY161Qi0L27sR3o/YtEUdLDibbc98/ZwrImk1tFvXtmRHOgDxraezScJdLbnyVycpdK0/oooLsOplxWZF4fNjj4VtA+DCuEscXDAbtP+P+YwrI3p7wdvir207kFho57V8j/2Vl2pYJ/92u37veirQsku4q59z064ZfTQHZWe3OsiItixz3RtFHS/22m77z+9qRxCN2y9e3WMEWBbPVMp8cTM52i/vJSg4mh4eMRHLV6cnKKpzlz51v9ARwKlxU5iJdWOZCXVX+KhXOX/iUb7/amdVOyXbyuXxRXX+Hf3TQjyt+1E1VbpJzLqrbQs5wzqnjHR0VnxSv9r+2V+H8hRWfFK8C+Qrotqq35WptN1W5SV/P/1rLdi5TzbI11WRCE0lSxzs65mpdR7u+8vW6q9pdGrtqrF68+kWVKVom4ufee+G9uvycy9XmlzYav3q8pq2fpgEPDtDN594c8TryuXwqXrD4iZR+wvK5fPqy/pdKCiZpx6EdMrNcO94JZ8BpzDmnGc/OyJVgdjopX6K85jaeq9KFS+d2KcgG55w+vftTJSQnqMX0FipaoKhqV6mtEoVK5GpdtavUliT9vP5nbT2wVd8t+U4t6rTQuaXPzdW6jtXmtjbatH+T3rrhrWw9zzmn/9b+rxoNa6RlO5epdd3Weuyyx6JUZc6KyRejPg36KJ/Ll6snYi6lZe2vr1atWjZ37tzcLgMA4JnkYLL+9f2/9O2Cb9Xu9nZ6+8a3c7UeM1P5juV1y3m3aOH2hYpPjtfi/1t8Wp1EJQeTdUe/O3TFOVeowx0daHHOgHNunpnVymgeLWcAgNNaTL4Y9W7QW/UvrK/6F9XP7XLknNNN596kIYuHSJJ+eOyH0yqYSSm/88lPTc7tMv6yojtQAwAAD+TPl18PX/KwNyHopio3SUoZn3XvhffmcjXwTVTDmXOunnNuuXNulXPuvQzmF3LODQ7Nn+2cO++oeU1D05c75+6MZp0AAJxK9198v+pWrasu9brkdinwUNS6NZ1zMZK6S/qHpE2S5jjnRpnZkqMWe07SHjOr5pxrJKmtpEedczUlNZJ0iaQKkiY55y40s+Ro1QsAwKlSpVQVuv2QqWi2nF0raZWZrTGzBEmDJDU4ZpkGkvqGfh4q6TaXMmqwgaRBZhZvZmslrQqtDwAA4LQWzXBWUdLGox5vCk3LcBkzS5K0T1KZCJ8r59wLzrm5zrm5sbGxOVg6AABA7vhLXxBgZj3NrJaZ1SpbtmxulwMAAHDSohnONkuqfNTjSqFpGS7jnMsvqZSkXRE+FwAA4LQTzXA2R1J151xV51xBpQzwH3XMMqMkPR36+SFJP4W+b2qUpEahqzmrSqou6bco1goAAOCFqF2taWZJzrlXJI2XFCOpt5ktds41V8qXfY6S9JWkb51zqyTtVkqAU2i5IZKWSEqS9DJXagIAgLyAr28CAAA4xbL6+qa/9AUBAAAApxvCGQAAgEcIZwAAAB4hnAEAAHiEcAYAAOARwhkAAIBHCGcAAAAeIZwBAAB4hHAGAADgEcIZAACARwhnAAAAHiGcAQAAeIRwBgAA4BHCGQAAgEcIZwAAAB4hnAEAAHjEmVlu15AjnHOxktafgk2dJWnnKdgOsof94i/2jZ/YL/5i3/gpp/fLuWZWNqMZp004O1Wcc3PNrFZu14G02C/+Yt/4if3iL/aNn07lfqFbEwAAwCOEMwAAAI8QzrKvZ24XgAyxX/zFvvET+8Vf7Bs/nbL9wpgzAAAAj9ByBgAA4BHCGQAAgEcIZxFyztVzzi13zq1yzr2X2/XkZc65ys65Kc65Jc65xc6510PTz3TOTXTOrQz9f0Zu15oXOedinHN/OOd+DD2u6pybHTp2BjvnCuZ2jXmRc660c26oc26Zc26pc+56jpnc55z7T+h9bJFzbqBzrjDHTO5wzvV2zu1wzi06alqGx4hL0TW0jxY4567KyVoIZxFwzsVI6i7pLkk1JT3mnKuZu1XlaUmS3jKzmpL+Lunl0P54T9JkM6suaXLoMU691yUtPepxW0mfmFk1SXskPZcrVaGLpHFmdrGkvyllH3HM5CLnXEVJr0mqZWaXSoqR1EgcM7mlj6R6x0zL7Bi5S1L10L8XJH2Wk4UQziJzraRVZrbGzBIkDZLUIJdryrPMbKuZ/R76+YBSPmQqKmWf9A0t1lfS/blTYd7lnKsk6R5JX4YeO0l1JQ0NLcJ+yQXOuVKSbpb0lSSZWYKZ7RXHjA/ySyrinMsvqaikreKYyRVmNl3S7mMmZ3aMNJD0jaWYJam0c658TtVCOItMRUkbj3q8KTQNucw5d56kKyXNlnSOmW0Nzdom6ZxcKisv6yzpHUnB0OMykvaaWVLoMcdO7qgqKVbS16Eu5y+dc8XEMZOrzGyzpA6SNigllO2TNE8cMz7J7BiJai4gnOEvyzlXXNIwSW+Y2f6j51nKPWK4T8wp5Jy7V9IOM5uX27UgnfySrpL0mZldKemQjunC5Jg59ULjlxooJTxXkFRM6bvV4IlTeYwQziKzWVLlox5XCk1DLnHOFVBKMOtvZsNDk7enNiuH/t+RW/XlUTdKus85t04pXf91lTLOqXSoy0bi2MktmyRtMrPZocdDlRLWOGZy1+2S1ppZrJklShqulOOIY8YfmR0jUc0FhLPIzJFUPXQFTUGlDNgclcs15VmhcUxfSVpqZp2OmjVK0tOhn5+W9P2pri0vM7OmZlbJzM5TyjHyk5k9IWmKpIdCi7FfcoGZbZO00Tl3UWjSbZKWiGMmt22Q9HfnXNHQ+1rqfuGY8Udmx8goSU+Frtr8u6R9R3V/njS+ISBCzrm7lTKeJkZSbzNrlcsl5VnOudqSfpa0UP9/bNN/lTLubIikKpLWS3rEzI4d3IlTwDl3q6QmZnavc+58pbSknSnpD0n/NLP43KwvL3LOXaGUCzUKSloj6V9KOUHnmMlFzrlmkh5VylXof0h6XiljlzhmTjHn3EBJt0o6S9J2SR9JGqkMjpFQmO6mlG7oOEn/MrO5OVYL4QwAAMAfdGsCAAB4hHAGAADgEcIZAACARwhnAAAAHiGcAQAAeIRwBuC05pxLds7NP+pfjn25t3PuPOfcopxaHwBIKV/pAQCns8NmdkVuFwEAkaLlDECe5Jxb55xr55xb6Jz7zTlXLTT9POfcT865Bc65yc65KqHp5zjnRjjn/gz9uyG0qhjnXC/n3GLn3ATnXJHQ8q8555aE1jMol14mgL8gwhmA012RY7o1Hz1q3j4zu0wpd/ruHJr2qaS+Zna5pP6Suoamd5U0zcz+ppTvpVwcml5dUnczu0TSXkkNQ9Pfk3RlaD0vRuvFATj98A0BAE5rzrmDZlY8g+nrJNU1szXOuQKStplZGefcTknlzSwxNH2rmZ3lnIuVVOnor9Fxzp0naaKZVQ89fldSATNr6ZwbJ+mgUr7+ZaSZHYzySwVwmqDlDEBeZpn8nB1Hf+dhsv7/WN57JHVXSivbHOccY3wBRIRwBiAve/So/2eGfv5VUqPQz09I+jn082RJL0mScy7GOVcqs5U65/JJqmxmUyS9K6mUpHStdwCQEc7kAJzuijjn5h/1eJyZpd5O4wzn3AKltH49Fpr2qqSvnXNvS4qV9K/Q9Ncl9XTOPaeUFrKXJG3NZJsxkvqFApyT1NXM9ubYKwJwWmPMGYA8KTTmrJaZ7cztWgDgaHRrAgAAeISWMwAAAI/QcgYAAOARwhkAAIBHCGcAAAAeIZwBAAB4hHAGAADgkf8HxwPF5dhvTWwAAAAASUVORK5CYII=\n" + }, + "metadata": { + "needs_background": "light" + } + } + ] + }, + { + "cell_type": "markdown", + "source": [ + "#Plotting Accuracy" + ], + "metadata": { + "id": "ygdZcOK3Lg_Z" + } + }, + { + "cell_type": "code", + "source": [ + "plt.figure(figsize=(10,10))\n", + "acc_train = history.history['acc'] \n", + "acc_val = history.history['val_acc'] \n", + "epochs = range(0,100) # since epochs=100\n", + "\n", + "plt.plot(epochs, acc_train, 'g', label='Training acc')\n", + "plt.plot(epochs, acc_val, 'b', label='validation acc')\n", + "\n", + "plt.title('Training and Validation acc')\n", + "plt.xlabel('Epochs')\n", + "plt.ylabel('Accuracy')\n", + "plt.legend()\n", + "plt.show()" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/", + "height": 621 + }, + "id": "yEjwJiN79yKx", + "outputId": "7f4c4a9b-d0e5-457f-84fe-3dde3a0a253f" + }, + "execution_count": 27, + "outputs": [ + { + "output_type": "display_data", + "data": { + "text/plain": [ + "
" + ], + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAm4AAAJcCAYAAABAGii1AAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADh0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uMy4yLjIsIGh0dHA6Ly9tYXRwbG90bGliLm9yZy+WH4yJAAAgAElEQVR4nOydeVzM+R/HX59unYp0IkKs7iL3hpD7Zv2wWKxjdy27drFr7Th3Wax1rXOdrfvMFVZU7khCdFCplFS673n//phmtmmOppRYn+fjMY+az/n+fmfm+31/P+/jw4gIHA6Hw+FwOJx3H7XaFoDD4XA4HA6HoxpcceNwOBwOh8N5T+CKG4fD4XA4HM57AlfcOBwOh8PhcN4TuOLG4XA4HA6H857AFTcOh8PhcDic9wSuuHE4nDeGMXaWMTauutvWJoyxGMaYVw2Me5kxNqn0/9GMsfOqtK3CPI0YY9mMMfWqysrhcN49uOLG4XyglN7UxS8hYyyvzPvRlRmLiHoT0a7qbvsuwhibyxgLkFNenzFWyBizV3UsIvIhop7VJJeUoklEcUSkT0Ql1TE+h8N5N+CKG4fzgVJ6U9cnIn0AcQD6lynzEbdjjGnUnpTvJHsBdGCMNSlX/gmAMCJ6UAsycTicDwSuuHE4HCkYY56MsXjG2BzGWBKAHYwxY8bYKcZYCmMsvfR/6zJ9ypr/xjPGghhjK0vbPmOM9a5i2yaMsQDGWBZj7CJjbANjbK8CuVWRcTFj7GrpeOcZY/XL1I9ljMUyxlIZYz8qOj9EFA/gEoCx5ao+BbC7IjnKyTyeMRZU5n0PxthjxlgGY2w9AFamzpYxdqlUvleMMR/GWN3Suj0AGgHwLV0x/Z4xZsMYI7HizRizZIydZIylMcaiGGOTy4wtYIwdZIztLj03Dxlj7orOAWPsD8bYc8ZYJmPsDmOsc5k6dcbYD4yx6NKx7jDGGpbWtWaMXSiVIZkx9oOiOTgcjny44sbhcORhDsAEQGMAn0N0rdhR+r4RgDwA65X09wDwBEB9ACsAbGeMsSq0/RvALQD1AAggqyyVRRUZ/wdgAoAGALQAzAYAxthHAP4sHd+ydD65ylYpu8rKwhizA+BcKm9lz5V4jPoAjgKYD9G5iAbQsWwTAL+UytcKQEOIzgmIaCykV01XyJliP4D40v7DACxjjHUrUz+gtE1dACcrkPl26fGalB7zIcaYTmndNwBGAegDwBDAZwByGWMGAC4COFcqQzMA/yg7JxwORxauuHE4HHkIAfxMRAVElEdEqUR0hIhyiSgLwFIAHyvpH0tEW0v9q3YBsABgVpm2jLFGANoAWEBEhUQUBJFCIRcVZdxBRBFElAfgIETKByBSZE4RUQARFQD4qfQcKOJYqYwdSt9/CuAsEaVU4VyJ6QPgIREdJqIiAGsAJJU5vigiulD6maQAWK3iuChd8eoIYA4R5RPRPQDbSuUWE0REZ0o/hz0AnBSNR0R7S4+zmIhWAdAGYFdaPQnAfCJ6QiJCiSgVQD8ASUS0qlSGLCK6qYr8HA7nX7jixuFw5JFCRPniN4wxXcbY5lJTYiaAAAB1meKIxbIKR27pv/qVbGsJIK1MGQA8VySwijImlfk/t4xMlmXHJqIcAKmK5iqV6RCAT0tXB0cD2F0JOeRRXgYq+54xZsYY288YSygddy9EK3OqID6XWWXKYgFYlXlf/tzoMAX+jYyx2Yyx8FKT7msARmVkaQjRamF5FJVzOJxKwBU3DocjDyr3/luIVlQ8iMgQQJfSckXmz+rgBQATxphumbKGStq/iYwvyo5dOme9CvrsAjACQA8ABgB831CO8jIwSB/vMog+F4fScceUG7P8Z1aWRIjOpUGZskYAEiqQSYZSf7bvITp2YyKqCyCjjCzPAdjK6focQNPKzsfhcKThihuHw1EFA4h8tV4zxkwA/FzTExJRLIBgAALGmBZjrD2A/jUk42EA/RhjnRhjWgAWoeLrYyCA1wC2ANhPRIVvKMdpAK0ZY0NKV7pmQORrKMYAQDaADMaYFYDvyvVPhgLFiIieA7gG4BfGmA5jzBHARIhW7SqLAYBiACkANBhjCyDyZROzDcBixlhzJsKRMVYPwCkAFoyxmYwxbcaYAWPMowrzczgfNFxx43A4qrAGQB0ArwDcgMjB/G0wGkB7iMyWSwAcAFCgoG2VZSSihwC+gMjR/gWAdIgc+ZX1IYjMo41L/76RHET0CsBwAL9CdLzNAVwt02QhAFeIVrdOQxTIUJZfAMxnjL1mjM2WM8UoADYQrb4dg8iH8aIqspXDD6JjioDI3JoPaRP2aoj8B88DyASwHUCdUjNtD4iU7yQAkQC6VmF+DueDhomuPRwOh/Puwxg7AOAxEdX4ih+Hw+G8i/AVNw6H887CGGtTmr9MjTHmDWAggOO1LReHw+HUFjwjOofDeZcxh8gkWA8i0+U0IgqpXZE4HA6n9uCmUg6Hw+FwOJz3BG4q5XA4HA6Hw3lP+CBMpfXr1ycbG5vaFoPD4XA4HA6nQu7cufOKiEzl1X0QipuNjQ2Cg4NrWwwOh8PhcDicCmGMxSqq46ZSDofD4XA4nPcErrhxOBwOh8PhvCdwxY3D4XA4HA7nPeGD8HGTR1FREeLj45Gfn1/bonDkoKOjA2tra2hqata2KBwOh8PhvDN8sIpbfHw8DAwMYGNjA8ZYbYvDKQMRITU1FfHx8WjSpElti8PhcDgczjvDB2sqzc/PR7169bjS9g7CGEO9evX4aiiHw+FwOOX4YBU3AFxpe4fhnw2Hw+FwOLJ80Iobh8PhcDgczvsEV9xqidTUVDg7O8PZ2Rnm5uawsrKSvC8sLFTaNzg4GDNmzKhwjg4dOlSXuBwOh8PhcN4BPtjghNqmXr16uHfvHgBAIBBAX18fs2fPltQXFxdDQ0P+x+Pu7g53d/cK57h27Vr1CMvhcDgcDuedgK+4vUOMHz8eU6dOhYeHB77//nvcunUL7du3h4uLCzp06IAnT54AAC5fvox+/foBECl9n332GTw9PdG0aVOsXbtWMp6+vr6kvaenJ4YNG4aWLVti9OjRICIAwJkzZ9CyZUu4ublhxowZknHLEhMTg86dO8PV1RWurq5SCuHy5cvh4OAAJycnzJ07FwAQFRUFLy8vODk5wdXVFdHR0TVzwjgcDofD+cDgK24AZp6biXtJ96p1TGdzZ6zxXlPpfvHx8bh27RrU1dWRmZmJwMBAaGho4OLFi/jhhx9w5MgRmT6PHz+Gv78/srKyYGdnh2nTpsnkPwsJCcHDhw9haWmJjh074urVq3B3d8eUKVMQEBCAJk2aYNSoUXJlatCgAS5cuAAdHR1ERkZi1KhRCA4OxtmzZ3HixAncvHkTurq6SEtLAwCMHj0ac+fOxeDBg5Gfnw+hUFjp88DhcDgcDkcWrri9YwwfPhzq6uoAgIyMDIwbNw6RkZFgjKGoqEhun759+0JbWxva2tpo0KABkpOTYW1tLdWmbdu2kjJnZ2fExMRAX18fTZs2leRKGzVqFLZs2SIzflFREb788kvcu3cP6urqiIiIAABcvHgREyZMgK6uLgDAxMQEWVlZSEhIwODBgwGIEulyOBwOh8OpHrjiBlRpZaym0NPTk/z/008/oWvXrjh27BhiYmLg6ekpt4+2trbkf3V1dRQXF1epjSJ+//13mJmZITQ0FEKhkCtjHA6Hw+HUEtzH7R0mIyMDVlZWAICdO3dW+/h2dnZ4+vQpYmJiAAAHDhxQKIeFhQXU1NSwZ88elJSUAAB69OiBHTt2IDc3FwCQlpYGAwMDWFtb4/jx4wCAgoICST2Hw+FwOJw3gytu7zDff/895s2bBxcXl0qtkKlKnTp1sHHjRnh7e8PNzQ0GBgYwMjKSaTd9+nTs2rULTk5OePz4sWRV0NvbGwMGDIC7uzucnZ2xcuVKAMCePXuwdu1aODo6okOHDkhKSqp22TkcDofD+RBh4ujC/zLu7u4UHBwsVRYeHo5WrVrVkkTvDtnZ2dDX1wcR4YsvvkDz5s0xa9as2hYLAP+MOBwOh/Nhwhi7Q0Ry837V6IobY+wvxthLxtgDBfWMMbaWMRbFGLvPGHMtUzeOMRZZ+hpXptyNMRZW2mct43sjvRFbt26Fs7MzWrdujYyMDEyZMqW2ReJwOBwOh6OAmg5O2AlgPYDdCup7A2he+vIA8CcAD8aYCYCfAbgDIAB3GGMniSi9tM1kADcBnAHgDeBsDR7Df5pZs2a9MytsHA6Hw+FwlFOjK25EFAAgTUmTgQB2k4gbAOoyxiwA9AJwgYjSSpW1CwC8S+sMiegGiWy8uwEMqslj4HA4HA6Hw3lXqO3gBCsAz8u8jy8tU1YeL6dcBsbY54yxYMZYcEpKSrUKzeFwOBwOh1Mb1LbiVmMQ0RYicicid1NT09oWh8PhcDgcDueNqW3FLQFAwzLvrUvLlJVbyynncDgcDuc/wS+Bv2DltZW1LQbnHaW2FbeTAD4tjS5tByCDiF4A8APQkzFmzBgzBtATgF9pXSZjrF1pNOmnAE7UmvRvGfGm8YmJiRg2bJjcNp6eniif+qQ8a9askUqK26dPH7x+/br6BOVwOJz3iILiAmTkZ9S2GBK2h2zH6uur8SGk6+JUnppOB7IPwHUAdoyxeMbYRMbYVMbY1NImZwA8BRAFYCuA6QBARGkAFgO4XfpaVFqG0jbbSvtE4wOMKLW0tMThw4er3L+84nbmzBnUrVu3OkTjcDic9woiwtCDQ9FpR6faFgUAUFRShJjXMXiR/QLR6dG1LU6NUSIsqW0R3ltqOqp0FBFZEJEmEVkT0XYi2kREm0rriYi+ICJbInIgouAyff8iomalrx1lyoOJyL60z5f0nj6SzJ07Fxs2bJC8FwgEWLlyJbKzs9G9e3e4urrCwcEBJ07ILijGxMTA3t4eAJCXl4dPPvkErVq1wuDBg5GXlydpN23aNLi7u6N169b4+eefAQBr165FYmIiunbtiq5duwIAbGxs8OrVKwDA6tWrYW9vD3t7e6xZs0YyX6tWrTB58mS0bt0aPXv2lJpHjK+vLzw8PODi4gIvLy8kJycDECX5nTBhAhwcHODo6IgjR44AAM6dOwdXV1c4OTmhe/fub3xOORwOp7KcjjyN05Gn8eDlA6TlKUuC8HaIy4hDCYmUmisxV2pZmprh0MNDMFlhgpjXMbUtynsJ32QewMyZwL171TumszOwRsne9SNHjsTMmTPxxRdfAAAOHjwIPz8/6Ojo4NixYzA0NMSrV6/Qrl07DBgwAIryDP/555/Q1dVFeHg47t+/D1dXSQ5jLF26FCYmJigpKUH37t1x//59zJgxA6tXr4a/vz/q168vNdadO3ewY8cO3Lx5E0QEDw8PfPzxxzA2NkZkZCT27duHrVu3YsSIEThy5AjGjBkj1b9Tp064ceMGGGPYtm0bVqxYgVWrVmHx4sUwMjJCWFgYACA9PR0pKSmYPHkyAgIC0KRJE6Sl1f4Fk8PhfFgUlhRilt8s6GrqIrcoF3df3IVXU69alSkqLUryf0BcACa6TqxFaWoGnzAfZBZkYvGVxdg+cHtti/PeUds+bh8sLi4uePnyJRITExEaGgpjY2M0bNgQRIQffvgBjo6O8PLyQkJCgmTlSh4BAQESBcrR0RGOjo6SuoMHD8LV1RUuLi54+PAhHj16pFSmoKAgDB48GHp6etDX18eQIUMQGBgIAGjSpAmcnZ0BAG5ubpKN6csSHx+PXr16wcHBAb/99hsePnwIALh48aJEQQUAY2Nj3LhxA126dEGTJk0AACYmJiqcNQ6Hw6k+1t5ci6i0KGzrvw0AEJyo3D/4bSA2j7a3bv+fXHHLL87HhacXoKupi12huxCRGlHbIr138BU3KF8Zq0mGDx+Ow4cPIykpCSNHjgQA+Pj4ICUlBXfu3IGmpiZsbGyQn59f6bGfPXuGlStX4vbt2zA2Nsb48eOrNI4YbW1tyf/q6upyTaVfffUVvvnmGwwYMACXL1+GQCCo8nwcDodTkyRlJ2HRlUXo16IfRjmMwnz/+bjz4k5ti4XotGjU0aiDka1HYqbfTMS+jkXjuo1rW6xqw/+ZP3KLcrFz4E5MPzMdC68shM8Qn9oW672Cr7jVIiNHjsT+/ftx+PBhDB8+HACQkZGBBg0aQFNTE/7+/oiNjVU6RpcuXfD3338DAB48eID79+8DADIzM6GnpwcjIyMkJyfj7Nl/YzgMDAyQlZUlM1bnzp1x/Phx5ObmIicnB8eOHUPnzp1VPp6MjAxYWYnyIe/atUtS3qNHDyl/vvT0dLRr1w4BAQF49uwZAHBTKee9prCksLZF4FSSH//5EfnF+VjVcxUAwN3S/Z1YcYtKj0JT46bwtPEEAATGBdauQAr4O+xvHA0/Wul+pyJOQU9TDyPtR+Krtl9hX9g+PHgpdztzjgK44laLtG7dGllZWbCysoKFhQUAYPTo0QgODoaDgwN2796Nli1bKh1j2rRpyM7ORqtWrbBgwQK4ubkBAJycnODi4oKWLVvif//7Hzp27Cjp8/nnn8Pb21sSnCDG1dUV48ePR9u2beHh4YFJkybBxcVF5eMRCAQYPnw43NzcpPzn5s+fj/T0dNjb28PJyQn+/v4wNTXFli1bMGTIEDg5OUlWHDkfBqFJoTjy6Ehti1Et7Avbh7q/1kVSdlJti8JRkeDEYOy4twNfe3yNFvVaAADcLdwR8zoGqbmptSpbdFo0bE1sYd/AHnV16r6T5tKC4gJMPz0dX539CkISqtyPiOAb4Ysetj2go6GD7zp8B30tffx8+ecalPY/CBH9519ubm5UnkePHsmUcd4t+Gf036Xnnp6ktViLMvMza3Se81Hn6UXWixobv6ikiJqtbUYQgE4+Pllj83CqD6FQSB22d6AGvzWg13mvJeX/PP2HIAD5RfnVmmwlwhLSWaJD35z7hoiI+v/dn1qsa1Fr8ijixOMTBAEIAlBQbJDK/UKTQgkC0LY72yRlP/v/TBCA7iTeqQlRq52cwpy3Mg+AYFKg0/AVNw7nP0Zqbioev3pcYbuw5DB0/KsjXue/3eTLOYU5uBxzGYUlhbjw9EKl+0emRqLt1rZS0XfyeJX7Ct4+3vjxnx+rKmqFHHhwQCJH2MuwKo1xP/k+sgpkXRfKE5cRh9jXyl0n3iaRqZFIzlYcOFXbEBGGHxoO+4326LW3FyaemIgF/gvw7flvce35NSzrtgxGOkaS9q4Wooj82jSXvsh6gfzifNia2AIAujTugojUCLzIelFrMsnjwMMDMNYxhra6Ng4/Uj2nqO8TXwBA3xZ9JWWz2s2CsY4xFvgvqHY5q5trz6/BZo0NbsTfqFU5uOLG+eAQXxz/q3xx5gt02dGlwqzrJ5+cxLXn13A17upbkkzEP8/+kfiEnYo4Ven+P/n/hNuJt7H/wX6l7S5EX4CQhPCN8K2RZJ9CEmJp4FLYN7BHY6PGuJ98v9JjpOWloc3WNlgSsKTCtp8c/gRdd3VFUUlRVcStVgqKC9B+e3s4/OmAm/E3a1scufjH+OPwo8Mw0jFCel46zkadxZKAJfj9xu9oY9kGE1wmSLWvq1MXzU2a12qAgvghoJlJMwDAx40/BvBu+bnlFuXixOMTGP7RcPRq1guHww+rbC49FXkKbSzbwFzfXFJmpGOE7zt+j9ORp3H9+fWaEvuNySzIxJijY6CnpYdW9VvVqiwftOJW0Y2NU3vU1GdTUFyA1htbQ3BZUCPj1za5RbnwjfBFSm4K4jLilLYNTQ4FgLd+ozoTeQb6WvoY0moITkeerpSPzP3k+zjw8IBkHGWciz4HAEjJTanwCbmwpLDSAQZHw48i/FU45neeDydzpyopbueizqGwpBD+Mf5K22UXZuNWwi08e/0Mf4f9Xel5qpuzUWeRmpeKImERPHd5vpP+isuvLoeZnhn++fQf3Jp8C4nfJqJgfgHiZsbBf5w/1Jjs7c/N0q1WV9zEqUBsjUUrbi4WLtDX0n+n/NxOR5xGTlEOPrH/BMM/Go74zHiVlPeXOS9xM/4m+rfoL1P3ZdsvYaprip/8f6pwHCEJ8bP/zwiKC6qS/FXlyzNfIjYjFj5DfKRWamuDD1Zx09HRQWpqKlfe3kGICKmpqdDR0an2sW/E30B6fnqFN/33lTORZ5BbJNrOLCQpRGnbe0mirNN3X9ytcbnEEBHORJ6BV1MvDG01FC9zXuJ2wm2V+y/wXwAjbSPMaDsDN+Jv4FXuK7nthCSEX5Qf+jTvA001TZx4onxL48EHBqOPT59KHceSgCWwq2eHYR8Ng2MDR0SkRlR6Jdc3QmQ6uvviLrILsxW2uxF/AyVUAj1NPSwLWlbr2wX5hPnAVNcUj6Y/grO5M4YfGo6V11a+M9fTkBchOB99HjPbzYSOxr/XEU11TTQ0agg9LT25/dwt3BGXEYeUnJS3JaoU0WnR0FDTkKT/0FDTQMeGHREQF1Ar8shj/8P9MNc3R5fGXdC/RX9oqWvh0KNDFfY7HXEaBEK/Fv1k6vS19DGv0zz88+yfClfdrsRcwaKAReixpwf8ovyqfByVYV/YPuy5vwc/dfkJHRp2eCtzKuODzeNmbW2N+Ph4pKTUzg+UoxwdHR1YW1tX+7gXn14EIPJHSslJgameabXPUZscenQI9XXrIy0vDfeS7mFQy0Fy22UXZkvMMhWtuBER9t7fi8KSQlgbWsPK0ArWhtYw0jZSuKOHIh6mPMTzzOdY8PECeDfzhjpTh2+ELzysPSrsezvhNk48OYFFnovg3cwba2+txfno8/ifw/9k2oYmhSI5JxkjW49EUUkRTjw5gRU9VsgdNzotWqLIR6ZGonm95hXK4hvhi9DkUOwetBvqaupwMHNACZUgPCUcLhaqRWIXlRThXNQ5NDZqjNiMWNyMv4nuTeVv/RYUFwQ1poa1vddi4smJOPjwIEY5jFJpnuomIz8Dvk988bnb57AwsMClTy9h3PFx+O7Cd4hOi8a6PuugoVa7t5YV11bAQMsAU92nVty4DG6Woqj8Oy/uwLuZd02IppSo9Cg0Nmosdf66NO6CHy/9iNTcVNTTrVfjMpyJPAN3S3c00GsgU5dZkInTEacxxW0K1NXUYaRjhJ62PXH40WGs6rlK6fXgVOQpWBlYwdncWW79ZLfJ+Pnyz9h0ZxPaN2yvcJztIdthpG0Em7o2GLB/AI6MOCJXGawuYl7HYOrpqWhv3R7zu8yvsXkqhaKohf/SS15UKeftkJGfQYP2D6IlV5bUtihERNRuWzuq+2tdggB08MHB2hanWskpzCHdpbo01XcqtVrfigbsG6Cw7bW4awQB6OMdHxMEoOTsZIVtw5LDJBFkZV/6y/Rpf9j+Ssm4PGg5QQCKz4gnIqIuO7qQ059OKvX13utN9ZbXo4z8DCoRlpDpClP635H/yW27LGAZQQB6kfWC1t9cTxCAwlPC5bb98Z8fSW2hGqktVKP5/8yvUA6hUEjuW9yp6R9NqaikiIiIwlPCCQLQrnu7VDoWIiL/Z/4EAWhHyA5SW6hGP/v/rLBtt13dyGWTC5UIS+ijDR9R6w2tqURYovJc8ghPCSfXza50PPx4pfptv7udIADdeH5DUlYiLKE5F+YQBCCjX4yo/or6Uq/B+wdLzlVN8zTtKaktVKPZfrMr3TcjP4MgAC2+sviN5bj87DKl56VXqo/bZjfquaenVFlQbBBBADoWfkylMS5EXyD7jfa06fYmKiwurNT8159fJwhAnf7qJPf7tfveboIAdC3umqRs171dMt+H8uQX5ZP+Mn2a4jtF6fzTTk0jnSU6lJqbKrc+PS+ddJbo0PRT0yk1N5Xct7iTxiINOvzwsIpHKJ+UnBQ6F3mOcgtzpcqLSoqo01+dyGCZAT1Ne/pGc1QW8KhSTm2QnpeOHnt64Pjj4/gl6BdkFmTWqjwZ+Rm4lXALU92mwkDLAJeeXaqxue4l3UOvvb1w+NHhSpuPiAgTTkzA0INDseLqClyJuYKcwpwK+52LOofcolwM+2gYnM2dJaZQeYj92yY4ixy0lZlLA2JFZpqA8QEInBCI/UP3Y2WPlbA2tMZP/j9V6vjORJ6Bk5kTrAxFiZr7t+iP0OTQCv3xguKCcC7qHOZ0nANDbUOoMTX0bt4b56LOyTUbnos+BxdzF5jrm2OA3QAAwInHsubSEmEJdt7bCe9m3vBq6oXd93dX6HPnF+2H4MRgzOs0T7Iy0sykGbTVtSvl53Yq4hS01LVEplYzR4UO6EUlRbgRfwOdG3WGGlPDj51/xMOUhzgWfkzlueSxJGAJ7r64i8EHBuOPG3+o3M8nzAfNTJqhrVVbSZkaU8OvXr9i/9D9GO0wGiM+GiF59bTtiWOPj2H19dVvJK+qrLq+CupMHTPbzax0X0NtQ9jVs3tjPzf/Z/7w3OUJ27W2WH19tUomdCJCVFoUmhk3kyp3t3SHjoaO5HdY0RjfX/gej189xtTTU2H/pz2OPDqi8m90ccBiaKppIiguCOtvrZep3/9wPxobNUY763aSsgF2A6CppqnUXHol9gqyC7Pl+reVZYrbFOQX52N36G659X+H/Y384nxMdJ0IkzomuDj2ItpYtsHIwyOxL2yfSscoj3HHx8Hbxxv1f6uP4YeGY/+D/cgqyMKvQb8iKC4IG/tuRBPjJlUev7rhihunRkjNTUX33d0R8iIEP3X5CTlFObXuVH055jKEJIR3M290adwFl2JqRnErFhbjsxOf4Xz0eQw/NBzttrerlHNxzOsY7Ly3E/7P/DHn4hx47vKE0a9GcN7krDT0Xmwm/djmY7iYuyAuI05hMtHQpFDU1amLgS0HAlCuuAXFBcHSwBKdGnVCp0adMNJ+JL7t8C3mdZqHyLTICh3rxWTkZyAoLgh9mv/rSyY2cZyOOK2wHxFh/qX5MNMzwxdt/93ztk+zPkjLS8OthFsy81x7fk1i6mpo1BBuFm5y/dz8ov2QkJWAiS4TMc5pHOIy4pR+VkSExQGL0cioET51+lRSrqGmgdYNWldKcfON8EVXm67Q19JH50adcSP+htyI0bsv7iK3KBedG4t2MRnZeiSamzTHksAlVfYpi30di/0P9mOK2xQMajkIM/1mYsbZGRX6zmftr4sAACAASURBVCVkJsD/mT9GO4yWaxYbaT8SG/pukHrtHbwXQ1oNwQL/BSqlqRFDRPCL8sP44+NVToOSkpOCv0L+wljHsZKHg8riZun2xgE762+vh0kdE7SxbINvz38Lu/V22HVvl9Lzm5aXhoyCDEkqEDHaGtqifUtjK76GnI48jZCkEGztvxUnPjkBDTUNDDs0TKVr0J3EOzgTeQYCTwH6NO+DuRfnIjotWlKfmpuK89HnMbL1SKnPvq5OXfSw7aH0IdX3iS/qaNRBtybdlMrgZO4EDysPbL6zWe5Y20O2w9ncWZK6xUjHCH5j/NCpUSeMPjoaG29vrPRvwv+ZP85EnsEUtykY6zgWAbEBGHVkFEx/M4XgsgCj7EdhtMPoSo1Z03DFjVPtvMx5ia67uuJRyiOc+OQEFnouhJOZk8If49vin2f/QFdTF+2s26Fbk26ISI1AfGZ8tc+z/tZ6hCSFYP/Q/dgxcAcSsxLhucsTff/uq9KNXfxkfWX8Fbyc/RKnRp3CD51/QJGwCJ+d+Exuhv68ojz4PvHFkJZDoKGmIfEjEa+slede8j04mTmhrk5dNDNppvBGRUQIjAtE50adZW7Uwz8aDmMdY2y+s7nCYwKAC08voIRKpBQ3u3p2sDW2lTjpy+PSs0u4EnsFP3b+EbqaupLynrY9ocbUZAJNLj27hGJhsZSP0kC7gbgRf0Mm79j2kO0w1TVFvxb9MKjlIBhoGWBX6C4owj/GH9eeX8OcjnOgpa4lVedo5qhyLreI1AhEpEZIFNfOjTojtyhXrgItXonr1KgTAEBdTR0/dP4B95LuVSmdCgCsvr4ajDH82PlHHBp+CN+2/xbrbq3DoAODlAZJ7HuwDwSq1I2MMYaNfTZCT0sPE05MUCmwIjgxGF57vODt441dobvQY08PlXLGrb+1HnnFeZjdYbbK8pXH3cId8ZnxVc5RF5cRh+OPj2Oy62ScG3MOF8dehKmuKcafGA/nzc548uqJ3H7iiFJxKpCydGncBfeS7iEjP0PhvOKHCpu6NhjtMBoD7AYgdGootg/YjoTMBHju8lT64LckcAnq6tTFl22/xOZ+m6GpromJJydKVqCPhh9FsbAYn9h/ItN3+EfDEZsRK3elkohwKvIUvJp6oY5mHYXzi5niNgWPXz2WWYG+l3QPd1/cxUSXiVLlBtoGODP6DHo3740vznyBMcfGKP0Ol0VIQnx/8Xs0NGyI33v9jk39NiHxm0QEjA/AVPep6NuiLzb23VhpX94aR5EN9b/04j5ub4/EzERqtb4V1VlShy5EX5CUb7y1kSAA3Yy/WWuytVrfirz3ehMRUciLEIIAtPve7kqN8TjlMR19dFRh/fOM56S/TJ967+1NQqGQiIhyC3NpRdAKqvtrXVJbqEa34m8pnWPC8QlkstxExsck4lUEaS7SpM+OfybT5+ijowQBJOf8ZfZLggC06toqmbbFJcWkt1SPvj77NRERjTg0gmzW2MiV5Vn6M4IAtP7mern1X5/9mjQXaSr1kRMz/vh4Mv7VWMbXaebZmaS9WJuyC7Jl+giFQmq/rT01XN2Q8ovyZeo7/dWJXDe7SpV9fvJzMlhmIOXfI87YvvXOVklZcnYyaSzSoG/9vpWUTTwxkfSW6smVpbC4kBw2OlDD1Q0pryhPpn7VtVUV+guWb/ss/RkREb3IekEQgH67+ptM2wH7BlCztc1kZLFZY0NttrSRfM9U5VXOK9JdqkufHvtUqnzDrQ2ktlCNXDa5UFJWkty+zpucqc2WNpWaT4zPfR+CALTy6kqFbSJTI2nkoZEEAaj+ivr0x40/yP+ZP+ku1SXnTc5SOx2UJ7sgm0yWm9DAfQOrJJ+YKzFXCALQ6YjTVer/w8UfSG2hmuSzJRL5AB54cID0lurRpBOT5PYTn58HyQ9k6i49vVShTH5RfgQBaHPwZpm63MJcaru1LdX9tS7FvY6TqRf/Psr6WYp9GcW//W67ulGLdS3kft/SctNIc5EmfXf+O5k6sY/sluAtCmUvS05hDhn9YiTjv/rl6S9Je7G2Qv+3EmEJLb6ymNQWqpHdOju6n3S/wrn2h+0nCEA7Q3aqJNvbBNzH7f1HSEL02NMDO0J21LYoCiksKYTXHi88z3yOc2POwaupl6RutONo6GnqYXOwaqsz1U1CZgLCX4WjexNR1J6jmSNM6phUylz6Ov81eu3thSEHh2DRlUVyVw9nnpuJYmEx1vdZL3lKq6NZB991/A4RX0ZAnalXmGk8IDZA4s9Ulub1mmNmu5nYcW+HzJPt4fDDqFennmRjalM9U1gZWMlNCRKdHo2cohw4mTkBANws3BDzOgZpeWkybQNjRU+9YjNdeaa4TUGRsKjC76WQhDgbeRa9mvWSiTjs16IfCkoKJBG/ZdkduhvX469jfpf50NbQlqnv06wP7r64K8ksT0Twi/aDV1MvaKprSto5NHCATV0bKXPpntA9IrO2y2eSsnFO45BTlCN38+w/bv6BsJdhWNd7nVSKCTGOZo4ARDtSVIRvhC/sG9jDpq4NAMBc3xzNTJrJ5KYSkhBX466icyPp86+prol5nebhduJtnI8+X+F8ZdlwewNyi3LxXYfvpMqnt5kO31G+eJL6BL329pLZUeNRyiPcS7qHMY5jKjWfmFH2ozDQbiDm+89HRGqEVF1ydjK+PPMlWm1oBd8IX/zU5SdEz4jGDI8Z8LTxxNERR/Hw5UP039dfku6mPNvubkNaXhrmdJxTJfnEuJi7gIFVyc8tvzgfW+5uQf8W/SWfLSDyARzRWuTvd/7pebnXDrFZsqlxU5k6D2sPaKppKvRzo9LVNmtDa4xzGidTX0ezDnyG+KBYWIxPj38qs+q5LHAZ9LX0McNjhqRsgvME9LLthTkX5+D68+vwf+YvYyYVY1zHGF5NvWTMpVFpUZh9XrT6WXa3BGXoauriU6dPcfjRYUm6n/zifPiE+WBwq8EwqWMit58aU8P8LvNxcexFZBRkwGObh9LrUkFxAeb9Mw+OZo5V/k7XFlxxe0+4GncVF59eVClfzpsQkRqBAfsG4Fn6s0r33RGyA49SHsFniA+6NO4iVWeobYhR9qOw/+H+t77FEiAykwKQKJNqTA1dbbri0rNLKplviQjTT09HfGY8+jTvg58v/4z5l+ZL9T0dcRpHwo9gQZcFci++pnqm6NSokyQxrDwSMhMQnR4tyZhenvld5qOBXgPMODtDMnd+cT58n/hicMvBUkqRogCF0KRQST3w71Y/isx0RtpGsG9gL1eeVqat0KVxF2y5u0WpU3/IixAk5ySjTzPZXGmdG3eGobahjNnvTOQZTPKdBE8bT0kQRXnEZtezUWcBAE9SnyA2Ixa9bHtJtWOMYaDdQFyIvoDswmwQEbaHbEc763b4yPQjSbtOjTqhqXFTGXNpXEYcfr78MwbYDZD4BZZHorhVYC59nf8agbGBMo7anRt1RlBckNR5fPzqMVLzUmUUN0CkZFobWmOW3yyVc+HlFuVi3a116Nu8r9zPtE/zPjg+8jgepTxCv7/7SSlJPvd9oM7UMbL1SJXmKg9jDH/2/RN1NOrgsxOfoURYgqyCLAguC2C71habgjdhksskRH0VhUVdF8FQ21DSt1ezXtgzeA+C4oIw4tAIKV/AJ6+eYFngMiwNXIpOjTopTSWhCgbaBmhZv2WVFLdDDw/hVe4rfNn2S7n1PW17Ii4jDpFpkTJ1UelRsDKwkmtO1NXURRurNjj55KTcIK+A2AAExQVhTsc5ch9wAJEJdl3vdbgccxkrr62UlD9+9RgHHx7El22+lFKKGGPY0n8L1Jgaeu3tBQLJNZOKGfbRMDx7/Qx3X9yVUsQD4wLxW4/fYGlgqbBveaa4TUFhSSF23tsJADgWfgzp+ekyZlJ5dG3SFSFTQtDOuh0+O/kZxh8fLze4a1PwJjx7/QwrvFZAXU1dZdneCRQtxf2XXu+KqTQ+I57GHRtHKTkple47xXcKQQAyXWFaadNIZZh+ajpBAHLd7CrXHKSIvKI8slplRR22d1Ao3+2E2wQBaN3NddUlrsqMPTqW6q+oL2V+3HBrA0EAikqNqrD/ntA9kjQBJcIS+vzk5wQB6Jtz35BQKKScwhyyWWNDrda3ooLiAoXjiNNhJGQmyK3/+/7fBAEoOCFY4Rh/3f2LIAD53PchIqLj4cflbo49/5/5pL5QXSbE/YeLP5DGIg2J6TE1N5UgAC0PWi4zV8v1LamPTx+FshD9a+I5H3VeYZtFlxcREzCFZsThB4eT+UpzyecTEBNAOkt0yG2zG2XkZygcVygUktUqKxp6YCgREf1+/XcpE2RZxOamI4+OSNKhlDWdihH4C4gJmJRJacC+AaS7VJdi0mMUykJE1OC3BjTh+ASlbfaF7ZNJqUD0r2nq4cuHkrJNtzcRBKDI1Ei5Y52OOE31V9QnCEDDDw6niFcRSucWp0YJiAlQ2u7gg4PEBIx67+1NBcUFVCIsoca/N6Zee3op7acK4pQSIw6NINMVphLZn7x6UmFf8fkYcWgELbi0gFpvaC1JT+Ox1YPuJt59Y/mIiMYcHUOWqywr3c9jqwfZrbNTeA2MTotWeA3suL0jddnRReHYRx8dJY1FGuSw0UHG3Nl9V3cyX2ku81svj1AopOEHh5PGIg26nXCbiETXRt2luvQy+6XcPpuDNxMEIIeNDkrHTs1NJY1FGuS+xZ30luqR+kJ1mnZqGr3IeqG0nyI6bu9Izdc2J6FQSN13dSebNTaVSoFTXFJMCy4tICZg1HpDa3r08pGk7nXea6q3vB5139W9Ru+nbwKUmEprXal6G693RXET+3l9cviTSvUrKC4g41+NSXepLkEAuT4KqlDRl76wuJDqr6hPLde3JAhAk09OVnnsNdfXEASgf57+o7Sd62ZXst9o/1Z/LEKhkCxXWdLIQyOlysW5tyryvYhOiyaDZQbU6a9OVFxSLBnzqzNfEQSgL05/IclhdSXmitKxxL4kf939S279VN+pZLDMQDKPPEqEJeS22Y2sVllRdkE2jT4ymkyWm8jkbDr88DBBAMkFWkxfn74yF2GbNTY04tAIqTKxn9wvgb8oPab8onyqt7yeRHmSR7tt7ajt1rYK68U389sJtynkRQgZ/mJIduvsFN5MyjL55GSJT1uvPb2o5fqWctsVlRSR8a/G9OmxTyW+bJn5mTLtnqY9JQhASwOWEtG/ivGKoBUVyuK124vcNiu/3ow+Mprqr6gv8xlHvIogCECbbm+Samu+0lzp7yUjP4MWXFpAekv1SGORhsKbZVFJEdmssaH229qr9PvbEryFIACNOjxK4ve1J3RPhf0qQigUUr+/+xEEIM+dnpX2exXn6FNbqEYf7/iY1t5YW+VroiLE17PEzESV+9yKv0UQgNbeWKu0ne0fttT/7/4y5eYrzeX6r5blQvQFMvzFkCxWWtCdxDtE9G9ORnn+rPJIy00j69XW1HxtcwpNCiX1her0zblvFLYXCoU048wMlXKl9fHpUylFXBnia4L4gWbh5YVVGud81HkyXWFKekv1JN/feRfnEQSQnMN3Ea64vSOK27RT0yRPh8oc3MsjvnEsuLSg0n2JRI7P3Xd1pxbrWihdDTr15BRBADr5+CTNvTBXkhy0IrILssnsNzPqurNrhW3FN4OrcVcrcwhvxKOXj+QqaEKhkCxWWtCow6MU9i0qKaL229qT4S+GMqstQqGQZvvNlnym44+Pr1AW8ZzllSQxrda3ot57e1c4ztW4qwQBaLbfbDJYZkATT0yUaSN+ui9/3FarrGjM0TFSZUMPDJVxgBcHPATFBlUoz7d+35L6QnW5N7qUnBRiAqb0wpuSk0JqC9VozNEx1OC3BtRwdUOVb8bHwo8RBKAzEWdIZ4kOzTw7U2HbsUfHkslyE9Jfpq90ZazLji7UYl0LyirIooarG5LDRgeVkpl+c+4b0lmio1DxFiuP446Nk6kTCoVk9psZjT4yWlLW6PdGNOzgsArnJRL9zqefmk4aizRIZ4kOTToxScpBW7yaq2oiVyKiXwN/laz06y7VpayCLJX7KiOrIItuxt+s0gOcUCikwNhAlYJAqkpgbCBBAPJ94qtyn3HHxpH+Mn2lK8REoocz/WX6UtfirIIsqYcFZYQlh1Gj3xuR3lI98n3iS7339qb6K+rLDahRxOVnl4kJGBn9YkTai7UrpaAq42X2S6mVrTchtzCXTJabkPZibWICRrGvY6s8VkJmAnX+qzNBABp7dCzVWVJH6nf2LqJMceM+bm+RsJdh8LDygIu5C6adnqYwx1Z5xPsCzu4wG+pMvVI5hvyf+cN5kzOuxF5BRGoEDjw4oHQekzom6NWsFxZ3W4yuNl0x7fQ0iU+UIjbc3oDknGQs7rq4QnlGOYyCgZaByikkqgOx03vZYAlA5MPRrUk3pX5uSwKW4Hr8dWzqu0myf2DZ/it6rIDgYwFam7bGbz1+q1AWxhi8m3njQvQFFAuLpepe5rxE+Ktwhf5tZenQsANGO4zGyusrkVWYhWEfDZNpY1PXBobahlJ+bq9yXyEhKwHOZtLbzrhauCIqLUoq3UBgXCC01bXhbuleoTyfu32OEirBXyF/ydT5RfmBQFJpQMpTX7c+2lu3x977e0FEuDD2AhoaNaxwXgDo3qQ7NNU0Me+fecgvzle6VdFAu4FIy0tDdmG2Un+ZcU7jEJEagcEHBuN55nNs6rdJKthBEQ5mDsgvzpdsJ1ae68+vIz0/Xe4WPYwxdG7cWZIGIS4jDnEZcXL92+Rhrm+ODX034NH0R/jU8VP4hPnAcZMjuu3qhhOPT2DFtRVoWb+lJCGxKszpNAffdfgOKbkpGGg3EPpa+ir3VYa+lj7aWrWtUpoFxhg6Neokd0um6sLZ3BlqTE1lP7eUnBTsf7Afnzp+KuWbJ4+etj2RXZiNG/E3JGVP058CkJ8KpDz2DexxY+INtKzfEgP3D8TZqLP4tv23CvdflcfHNh9jbqe5yCjIwGTXybAwsFC5rzJM9UzRyrRVtYxVR7MOxjmNQ0FJAXra9kQjo0ZVHsvSwBKXxl3CvE7zsOf+HpRQCZZ0W1ItctYGXHF7SxARwpLD4GLugh0DdyA1LxVfn/u6wn6ZBZnwjfDFyNYjYaBtAPsG9ipdTIQkxOIri+G1xwvGdYxx9/O7aFW/FX6/8btcJSWrIAvHHx/HyNYjoaWuBQ01Dewbug8mdUww9OBQhQEFmQWZWH51OXo3642OjTpWKJe+lj5GO4zGwYcHkZ6XXmH76uDis4toatxUbubrbk26ITknGeGvwmXqrsZdxeKAxRjrOFbhvpCMMfzs+TMeTH+A+rr1VZLHu5k30vPTZRzKxRGc5QM7FPGr16/Q1dSFsY6xJFq2LGpMDU5mTlKRpWIl3MncSaqtm4Voj8aybYPiguBh7aHQ2bksLeq1QLcm3bD17lZJxNqLrBf48/afWBK4BA30GkiCIBQx3nk86uvWx7kx52BX367COcUYaBugS+MuCE0OhY6GjtLz16tZL2ira8Ounp3SzaKHfTQMdTTq4OLTi5jsOlnljaXFAQqK8vX5RvhCU00TPW17yq3v3KizRGGTRPSqqLiJaV6vOTb334zns55juddyRKVFYdCBQbiXdA/fdfhOJlq5IpZ7LcfOgTsV7vX6X0RfSx+t6rdCcGIwMvIzcPHpRSwNWIoB+wbAdbMr5lyYg1sJtyTX0u0h21FQUiCVIFoRXZt0hTpTx4XoC5IysaJva2yrqJsUFgYWuDL+CgbaDURDw4aY3mZ6pY9xoedCbO2/FYu7VfzAXVtMdZ8KXU1dfNX2qzceS0NNA8u6L8OlTy/h6IijUlG/7xtccXtLJGQlIKMgAw5mDnAyd8KPnX+ET5gPTj45qbTf0fCjyC/Ox2hHUcJLNws3BCcGK1whAkRPf719emPB5QUYZT8KtyffhoOZA2a2m4mQpBC5IeXHHx9HXnGeVGJNM30zHBx2ELEZsRh/fLzcqME1N9YgLS9NpdU2MVPclW9rUhGhSaH47MRnKkWnFguL4f/MH15NvOTWizN5l9/+KjQpFIMODEJjo8ZY30d265c3waupF9SYGs5FSUeXBsQGQFdTV7LRdUVYG1pjz+A92Nh3o8LVIBdzF9xPvi9RpsQJecWpQMSIlao7iaLV3OzCbNx9cbdSSsMUtymIzYjFV2e/Qqe/OsFqtRWmn5kOIQmxrve6ChWGSa6TkPRtUoUKnjzEq3meNp5Kk3zqa+ljY9+N2NBng9LVHkNtQ3xi/wnM9Mzwq9evKsvxkelHUGNqCiNLT0WcgqeNp8JVGfH5DooLQlBcEAy1DSXKYGWpp1sP33f8Hk+/forDww9jbse5VUp7wBjDOGdRBOuHhJulG85GnYXxcmP02NMD8/3nIzItEobahlh9YzU8tnmg8ZrGmHluJjbe3ohuTbpJRSgroq5OXXhYe+D803/TuIhTgZTfNUEZelp6ODryKJ5+/bTCVT55aKprYpLrJNTVqVvpvm+LFvVaIGNuhsqpRFSha5Ou1TpebcAVt7eEOLeTQwMHAMAPnX+Ao5kjpp6aqnTlae/9vbA1toWHlQcA0b51qXmpSvd2nOw7GVdirmBLvy3YM3iPxLwx1nEs6tWph99v/C7TxyfMBzZ1bWRWFjo26ojfevyGE09OwG69HdbeXCsJR0/LS8Oq66swqOUglZUNQGSG8LDywIprK5CYlahyPwBIzEpE37/7Yse9Hdhwa0OF7W8n3EZWYRa6N5VdkQJE5sQmdZtIKW7BicHouqsrdDR04DfGr0oXRWWY1DGBh5WHTFqQK7FX0N66vUxGfmUMaTVEaYi+s7kzcopyJE/095LuwdLAEqZ6plLtTPVM0dCwIe4miVKC3Ii/gRIqkWTrV4VBLQfBXN8cfwb/iazCLAg8BXgw7QEef/EYI1qPUGmMqobl92vRDwwM/ZrLmiDL85nLZwq/D2XZ2HcjHn3xSGHeKHnoaOigRb0WclfcbsbfRPircKX7NTqaOcJAywCBsYEIjAtEh4Yd3jhVgYaaBoZ+NBS/eP1Sqe/Wh84kl0kY3HIwFnouhN8YP6TPSUf4F+G4PP4yXs5+iZ0Dd8LZ3BmbgjfheebzSq0K9WzaE7cTbktyJ0alRaFenXpVUqLK50X8r/FfP76qwBW3t4T4CVycO0lLXQs7Bu7Ay5yXmOU3S26fxKxEXHp2SWpfQLGCpMhcmluUC79oP0xzn4bJbpOlVhXqaNbBVPepOPnkpJQPTnJ2Mi48vYD/2f9P7irE1x5f48CwAzDVNcXX576G9WprfH32a8y9OBdZBVlY5Lmo0udjc7/NyMjPwIB9AxQm1JR3bAP3D8Tr/NdwtXDFHzf/QF5RntI+4vxtyvbI69akGy7HXEaJsATXn19H993dYaRjhIDxAWher7nqB1UJetn2wu2E25IEk+l56biffF8l/7bK4GLhAgASP7fQ5FBJ/rbyuFq4SlbcAmMDocbUVDYRAqLv9PWJ1xH5VSRCp4ZiwccL0LpB67eyXUyLei0QOjUUU9ynVNuYOho6lVLaxDiaOcoobkIS4utzX8Nc3xzjnccr7Kuupo4ODTvgdORpPEx5iE4NVVecOdVL58adcXjEYfz08U/oadtTSqkyrmOMcc7jcHLUSaR8l4IbE29goJ38/H7y6GHbAwTCP09F16fo9OhKrbZxPmy44vaWCHsZBisDKxjXMZaUuVq4Ym6nudgVugtrb66V6bP/wX7RvoCO/5ovHc0coaGmoTBAwf+ZP/KL8xU6gn/R5gtoqGlIzbf/wX4ISSg1T1kYYxjRegSuTbyGW5NuYWDLgfgz+E9svbsVI+1HwsHMQaVzUBYncyf8PfRv3H1xF+OOj1OavBUQ3fjGHR+HO4l3sG/oPqzquQopuSlK95UERIEJLuYuSv3PujXphvT8dKy7tQ499/ZEA70GCBgfINcnrrrwbuYNAkn8XK4+vwoCqezfpiofmX4ETTVNhCSFoKC4AI9SHsmYScW4WbghIjUCWQVZCIwLhJOZU6VXG23q2qjkYF0TOJg5vBNP544NHPHs9TNkFWRJynzu++Bmwk382v1XGGgbKO3fuVFnPM98LvpfwY4VnHcHA20DeFh7VOoBpa1VWxhqG0p2vYhOj6613w3n/YMrbm+JsOQwuQrOT11+wkC7gfj63NeYdW6W1FYkPmE+cLd0R4t6LSRlOho6SgMUzkSega6mrkIFwMLAAp/Yf4K/Qv6S+Ij5hPnAxdxFJf+MNlZtsGfwHsTNisO63uuwpteaCvsoYoDdAPzW4zccfnQYC/wXKG27wH8BDj86jJU9V6K/XX983PhjtLVqi5XXVirctDo5OxnXnl+TiSYtT1ebrgCAWX6z0NCwIQLGB6gc0VhV3C3dYVLHRGIuvRJzBVrqWvCw9qjWebTUtdC6QWvcS7qH8FfhKBYWK11xIxBuJ97GjfgblXaK54gQ/84fvHwAQBT4M+fiHLS1aouxTmMr7C9W1rTUtdDWqm3NCcqpNTTUNNC9SXdceHoBhSWFiMuIUzkwgcPhittboFhYjPBX4RL/trJoa2jjyIgjmOkxE2tursHQg0ORU5iD8JRw3H1xVypYQIy7hTvuvLgjE6BARDgTdQZeTb2URgLOajcLOUU52HZ3GyJTI3E78bbceZRhrm+OL9t+CTN9s0r1K8837b/BJJdJWBq4FHtC98hts/f+XiwNXIpJLpMwq53IrMwYw/cdvkd0ejSOhB+R6UNEmHBiAtTV1BVulyTGwsACHlYecDRzxOXxl6stNF4Z6mrq6GnbE35RfhCSEAFxAfCw8pC7B+ab4mzujJCkEIm5VOGKW6kZftvdbcgrzuOrPVWkfGTpL0G/4EX2C/zh/YdKEZ1trdpCS10LbSzb1Mj3gfNu0NO2J2IzYnE++jyEJOQrbhyVqX27wn+AHSE74B/jj92D3HolHQAAIABJREFU5UdJRqZGorCkUK7iBohu4r97/46mxk0x028mPHd5wsXcBWpMTa7jubulO7aFbEPM6xgpc97jV48R8zoGczvOVSqvi4ULPm78MdbdWofX+a/BwJQ6uNckjDFs6LsBUelRmOQ7Cfpa+tDT0kNCZgLiM+MRnxmPnaE70dWmKzb0lY4EHNRyEJqbNMeKqysw/KPhUnUbbm/A2aizWN97vUp5hS6NuwRtde23umedt6039j/Yj6txV3En8Q7mdZpXI/M4mzlj572dOBd1DrqaugpvEOb65rDQt5Dsh1uZwATOvzQ2agwDLQOEvQzD0/SnWHV9FcY6jkU763Yq9dfR0MHSbkthV0/1lCic9w9xSpiNtzcCUD0VCIfDFbdqICk7CXvu78FvPX6TuwJVPjBBEV95fAWbujb45MgnCE4MRk/bnjDXN5dpVzZAoazidibyDAAoTXQqZla7WRh0YBBWXF2Brk26wsrQqsI+NYWWuhaOjDiCdtvaYcjBIVJ1prqm8LTxxL6h+2Qi4tTV1PFdh+/w+anPcenZJUmk4IOXDzD7/Gz0ad5H5fxGupq61XMwlUB84V5weQFKqKTa/dvEiAMUjj8+DmdzZ6XKqZulG05FnEIzk2Zyv3ucimGMwcHMAfeT7+Pb899CU02zUilFAGB2h9k1JB3nXaGpcVM0NW4qSQvEV9w4qsJNpdWAOFO72NG0PGHJYVBn6iqt/PS364+A8QFwtXDFt+2/ldvGoYEDNNU0ZQIUTkeehkMDB5X8s/q16AdbY1sUCYsqbSatCUzqmCDosyAcHHYQAeMD8HTGU+T/mI+X372E3xg/hdF9Y53GwkzPDMuvLgcA5Bfn439H/gcjHSPsGLjjrUQ0VhULAws4mzvjcsxlqDN1tG/YvkbmEZtGC0oKFPq3iXE1F+VQ4/5tb4ZjA0dcj7+O44+P48fOP8LSwLK2ReK8g/Rs2hMEgp6mXo3uBMH5b8EVt2rAydwJZnpmMnm5xIS9DEPzes1V9ldxs3TDnc/vKMyurq2hDQczB6kAhcyCTATGBaq02gaIVqvmd5kPSwNLDG01VKU+NU0DvQYY3no4OjfujCbGTVTK2K+joYOZ7WbiwtMLCHkRgnkX5yHsZRh2Dtz5XlwIvW1FSr+7pXu1bSdUHiMdIzQ1bgpAsX+bGPFqLlfc3gxHM0cUC4vRpG4TzGovP90PhyO+xtua2L7TD5mcdwuuuFUDakwNvZr1gl+Un9wIxwcvHyj0b6sq5QMULj69iGJhscqKGyDaYijhmwQY6RhVq2xvm6nuU2GgZYBxx8dhzc01+KrtV+jdvHdti6US4tXamjKTihGvtJXf6qo8vWx7YWm3pRjeeniNyvNfp0PDDlBjaljjvYYHGHAUIt7+iptJOZWBK27VhLetN1LzUnH3xV2p8pzCHDxNf1r9ipulO17nv5ZsTnwm8gyMtP/P3r3Hy1WXd9//XjlCgJzPCQmRc4BIQjh6AGKRIFU8I9ZaK1VvH7XVFlut2gOWx9J617bqrTcUrNbz4dFQC4IaEBBUAoGQQIKBCCQBEkJCQhKS7OT3/HHNj1l7stbMmj2zZmaRz/v12q+99+yZ2Wv2XrPWd12/0yidOb2Y5rZeNvqg0XrfKe/T/Rvu1wkTTtCVv3dltzcpt5fNeJk+csZH9J557yn095w1/SyNGDqi4X44fMhw/fUr/rqw6t+B4qWTX6rNf7W5qQXdceAZfdBo/fN5/6wPnNp4jVMgYnBCm5x35HkymX6y+ic6ddqpL9y+YuMKBYWGAxOalRyg8JIxL9H1v71erz7y1ZlrVr7YXXbWZXp86+P61Cs/VXetyl4zZNAQ/cv5/1L47/nQ6R/SW054S8PJX9E+7V4qDS9ONKWjWVTc2mT8iPE6ddqp+/Vze2GN0gGsLlDPiRNP1LDBw3T3E3frvqfu0xPPPaELjy73wrmtmHToJH37zd/WCRNP6Pam9KRhg4dpxqgZ3d4MAECLCG5tdP6R5+tXa3/Vb9H4+zfcrxFDR7zQObxdhg0epjmT5mjJ+iX6n4f+R1K1vxQAAHhxIri10cKjFmpf2KefPfKzF25bvmG5TphwQq4Z05s1f8p83fPEPfrxb3+s+VPnt7yKAQAA6G0EtzY6bdppGn3Q6BcmVJS84tbu/m3RKVNP0bO7ntWv1v5Krzkq/2hSAABQTgxOaKMhg4bovJecpxsfvlEhBG3csVEbtm9o+4jSaP7U+S983cw0IAAAoJyouLXZwqMWat22dVqxcUVhAxOiEyacoOGDh2v8iPH9QhwAAHhxouLWZucfeb4k6Serf6Ihg/zPW1TFbejgoXrT7Dfp8JGHd3RxdAAA0B0EtzabNnKaTpp4kn6y+ic6YvQRmjBiQqGDBr7xxm8U9twAAKC30FRagIVHLdRtj92mX639VWEDEwAAwIGH4FaA8488X7v37taKjSsKayYFAAAHHoJbAV4+4+UaMXSEpOIGJgAAgAMPwa0Aw4cM14JZCyQVNzABAAAceAhuBXn7iW/XxEMm0scNAAC0DcGtIJecdIme/IsndciwQ7q9KQAA4EWC4FYgM+v2JgAAgBcRghsAAEBJENwAAABKguAGAABQEgQ3AACAkiC4AQAAlATBDQAAoCQKDW5mttDMVpnZajP7WMrPZ5rZz81smZndYmbTEz+70syWVz4uTtz+KjO7x8zuNbPbzeyoIl8DAABArygsuJnZYElflHSBpNmSLjGz2TV3+6ykr4UQ5ki6XNJnKo+9UNI8SSdLOl3SZWY2svKYL0n6gxDCyZK+KemTRb0GAACAXlJkxe00SatDCI+EEHZL+raki2ruM1vS4srXNyd+PlvSrSGEvhDCdknLJC2s/CxIiiFulKT1BW0/AABATykyuE2T9Hji+7WV25Luk/TGytdvkHSYmY2r3L7QzEaY2XhJ50o6vHK/P5F0vZmtlfSHkv4x7Zeb2XvNbImZLdm4cWNbXhAAAEA3dXtwwmWSzjazpZLOlrRO0t4Qwk2Srpd0h6RvSbpT0t7KYz4i6TUhhOmSviLpX9KeOIRwVQhhfghh/oQJEwp+GQAAAMUrMritU7VKJknTK7e9IISwPoTwxhDCXEmfqNy2pfL5ihDCySGE8ySZpIfMbIKkl4YQfl15iu9IOqvA1wAAANAzigxud0k62sxmmdkwSW+TdF3yDmY23sziNnxc0rWV2wdXmkxlZnMkzZF0k6TNkkaZ2TGVx5wn6cECXwMAAEDPGFLUE4cQ+szsg5JulDRY0rUhhBVmdrmkJSGE6ySdI+kzZhYk3SrpA5WHD5V0m5lJ0lZJ7wgh9EmSmb1H0g/MbJ88yL27qNcAAADQSyyE0O1tKNz8+fPDkiVLur0ZAAAADZnZ3SGE+Wk/6/bgBAAAAOREcAMAACgJghsAAEBJENwAAABKguAGAABQEgQ3AACAkiC4AQAAlATBDQAAoCQIbgAAACVBcAMAACgJghsAAEBJENwAAABKguAGAABQEgQ3AACAkiC4AQAAlATBDQAAoCQIbgAAACVBcAMAACgJghsAAEBJENwAAABKguAGAABQEgQ3AACAkiC4AQAAlATBDQAAoCQIbgAAACVBcAMAACgJghsAAEBJENwAAABKguAGAABQEgQ3AACAkiC4AQAAlATBDQAAoCQIbgAAACVBcAMAACgJghsAAEBJENwAAABKguAGAABQEgQ3AACAkiC4AQAAlATBDQAAoCQIbgAAACVBcAMAACgJghsAAEBJENwAAABKguAGAABQEgQ3AACAkiC4AQAAlATBDQAAoCQIbgAAACVBcAMAACgJghsAAEBJENwAAABKguAGAABQEgQ3AACAkiC4AQAAlATBDQAAoCQIbgAAACVRaHAzs4VmtsrMVpvZx1J+PtPMfm5my8zsFjObnvjZlWa2vPJxceJ2M7MrzOwhM3vQzP60yNcAAADQK4YU9cRmNljSFyWdJ2mtpLvM7LoQwgOJu31W0tdCCF81swWSPiPpD83sQknzJJ0sabikW8zshhDCVknvknS4pONCCPvMbGJRrwEAAKCXFFlxO03S6hDCIyGE3ZK+LemimvvMlrS48vXNiZ/PlnRrCKEvhLBd0jJJCys/e7+ky0MI+yQphLChwNcAAADQM4oMbtMkPZ74fm3ltqT7JL2x8vUbJB1mZuMqty80sxFmNl7SufIqmyQdKeliM1tiZjeY2dFpv9zM3lu5z5KNGze26SUBAAB0T7cHJ1wm6WwzWyrpbEnrJO0NIdwk6XpJd0j6lqQ7Je2tPGa4pOdDCPMlXS3p2rQnDiFcFUKYH0KYP2HChIJfBgAAQPGKDG7rVK2SSdL0ym0vCCGsDyG8MYQwV9InKrdtqXy+IoRwcgjhPEkm6aHKw9ZK+v8qX/9Q0pziXgIAAEDvKDK43SXpaDObZWbDJL1N0nXJO5jZeDOL2/BxVapnZja40mQqM5sjD2c3Ve73I3nTqeRVuocEAABwAChsVGkIoc/MPijpRkmDJV0bQlhhZpdLWhJCuE7SOZI+Y2ZB0q2SPlB5+FBJt5mZJG2V9I4QQl/lZ/8o6Rtm9hFJz0n6k6JeAwAAQC+xEEK3t6Fw8+fPD0uWLOn2ZgAAADRkZndX+vLvp9uDEwAAAJATwQ0AAKAkCG4AAAAlQXADAAAoCYIbAABASRDcAAAASoLgBgAAUBIENwAAgJIguAEAAJQEwQ0AAKAkCG4AAAAlQXADAAAoCYIbAABASRDcAAAASoLgBgAAUBIENwAAgJIguAEAAJQEwQ0AAKAkCG4AAAAlQXADAAAoCYIbAABASRDcAAAASoLgBgAAUBIENwAAgJIguAEAAJQEwQ0AAKAkCG4AAAAlQXADAAAoCYIbAABASRDcAAAASoLgBgAAUBIENwAAgJIguAEAAJQEwQ0AAKAkCG4AAAAlQXADAAAoCYIbAABASRDcAAAASoLgBgAAUBIENwAAgJIguAEAAJQEwQ0AAKAkCG4AAAAlQXADAAAoCYIbAABASRDcAAAASoLgBgAAUBIENwAAgJIguAEAAJQEwQ0AAKAkCG4AAAAlQXADAAAoCYIbAABASRDcAAAASoLgBgAAUBIENwAAgJIguAEAAJQEwQ0AAKAkCg1uZrbQzFaZ2Woz+1jKz2ea2c/NbJmZ3WJm0xM/u9LMllc+Lk557L+b2XNFbj8AAEAvKSy4mdlgSV+UdIGk2ZIuMbPZNXf7rKSvhRDmSLpc0mcqj71Q0jxJJ0s6XdJlZjYy8dzzJY0patsBAAB6UZEVt9MkrQ4hPBJC2C3p25IuqrnPbEmLK1/fnPj5bEm3hhD6QgjbJS2TtFB6IRD+s6S/LHDbAQAAek6RwW2apMcT36+t3JZ0n6Q3Vr5+g6TDzGxc5faFZjbCzMZLOlfS4ZX7fVDSdSGEJ+r9cjN7r5ktMbMlGzdubPGlAAAAdF+3BydcJulsM1sq6WxJ6yTtDSHcJOl6SXdI+pakOyXtNbOpkt4i6fONnjiEcFUIYX4IYf6ECRMKewEAAACdUmRwW6dqlUySpldue0EIYX0I4Y0hhLmSPlG5bUvl8xUhhJNDCOdJMkkPSZor6ShJq83sd5JGmNnqAl8DAABAzxhS4HPfJeloM5slD2xvk/T25B0qzaDPhBD2Sfq4pGsrtw+WNDqEsMnM5kiaI+mmEEKfpMmJxz8XQjiqwNcAAADQMwoLbiGEPjP7oKQbJQ2WdG0IYYWZXS5pSQjhOknnSPqMmQVJt0r6QOXhQyXdZmaStFXSOyqhDQAA4IBlIYRub0Ph5s+fH5YsWdLtzQAAAGjIzO4OIcxP+1m3BycAAAAgJ4IbAABASRDcAAAASoLgBgAAUBIENwAAgJIguAEAAJQEwQ0AAKAkCG4AAAAlQXADAAAoCYIbAABASRDcAAAASoLgBgAAUBIENwAAgJIguAEAAJQEwQ0AAKAkCG4AAAAlQXADAAAoCYIbAABASRDcAAAASoLgBgAAUBIENwAAgJIguAEAAJQEwQ0AAKAkCG4AAAAlQXADAAAoiYbBzcxea2YEPAAAgC7LE8gulvRbM/snMzuu6A0CAABAuobBLYTwDklzJT0s6T/N7E4ze6+ZHVb41gEAAOAFuZpAQwhbJX1f0rclTZH0Bkn3mNmHCtw2AAAAJOTp4/Y6M/uhpFskDZV0WgjhAkkvlfQXxW4eAAAAoiE57vMmSZ8LIdyavDGEsMPMLi1mswAAAFArT3D7O0lPxG/M7GBJk0IIvwsh/LyoDQMAAEB/efq4fU/SvsT3eyu3AQAAoIPyBLchIYTd8ZvK18OK2yQAAACkyRPcNprZ6+I3ZnaRpKeL2yQAAACkydPH7X9J+oaZfUGSSXpc0jsL3SoAAADsp2FwCyE8LOkMMzu08v1zhW8VAAAA9pOn4iYzu1DSCZIOMjNJUgjh8gK3CwAAADXyTMD7Zfl6pR+SN5W+RdLMgrcLAAAANfIMTjgrhPBOSZtDCH8v6UxJxxS7WQAAAKiVJ7g9X/m8w8ymStojX68UAAAAHZSnj9t/m9loSf8s6R5JQdLVhW4VAAAA9lM3uJnZIEk/DyFskfQDM/uxpINCCM92ZOsAAADwgrpNpSGEfZK+mPh+F6ENAACgO/L0cfu5mb3J4jwgAAAA6Io8we198kXld5nZVjPbZmZbC94uAAAA1MizcsJhndgQAAAA1NcwuJnZK9NuDyHc2v7NAQAAQJY804F8NPH1QZJOk3S3pAWFbBEAAABS5WkqfW3yezM7XNK/FrZFAAAASJVncEKttZKOb/eGAAAAoL48fdw+L18tQfKgd7J8BQUAAAB0UJ4+bksSX/dJ+lYI4ZcFbQ8AAAAy5Alu35f0fAhhrySZ2WAzGxFC2FHspgEAACAp18oJkg5OfH+wpJ8VszkAAADIkie4HRRCeC5+U/l6RHGbBAAAgDR5gtt2M5sXvzGzUyTtLG6TAAAAkCZPcPuwpO+Z2W1mdruk70j6YJ4nN7OFZrbKzFab2cdSfj7TzH5uZsvM7BYzm5742ZVmtrzycXHi9m9UnnO5mV1rZkPzbAsAAEDZNQxuIYS7JB0n6f2S/pek40MIdzd6nJkNlvRFSRdImi3pEjObXXO3z0r6WghhjqTLJX2m8tgLJc2TTz1yuqTLzGxk5THfqGzPSfL+dn/SaFsAAABeDBoGNzP7gKRDQgjLQwjLJR1qZv9Pjuc+TdLqEMIjIYTdkr4t6aKa+8yWtLjy9c2Jn8+WdGsIoS+EsF3SMkkLJSmEcH2okPQbSdMFAABwAMjTVPqeEMKW+E0IYbOk9+R43DRJjye+X1u5Lek+SW+sfP0GSYeZ2bjK7QvNbISZjZd0rqTDkw+sNJH+oaSfpP1yM3uvmS0xsyUbN27MsbkAAAC9LU9wG2xmFr+pNIEOa9Pvv0zS2Wa2VNLZktZJ2htCuEnS9ZLukPQtSXdK2lvz2P8jr8rdlvbEIYSrQgjzQwjzJ0yY0KbNBQAA6J48E/D+RNJ3zOz/Vr5/n6QbcjxunfpXyaZXbntBCGG9KhU3MztU0ptidS+EcIWkKyo/+6akh+LjzOxvJU2obAsAAMABIU9w+ytJ75UPTJC8v9nkHI+7S9LRZjZLHtjeJuntyTtUmkGfCSHsk/RxSddWbh8saXQIYZOZzZE0R9JNlZ/9iaTzJb2q8jgAAIADQp5Rpfsk/VrS7+QDDhZIejDH4/rk04bcWLn/d0MIK8zscjN7XeVu50haZWYPSZqkSoVN0lBJt5nZA5KukvSOyvNJ0pcr973TzO41s7/J80IBAADKznxwZsoPzI6RdEnl42n5/G2XhRBmdm7z2mP+/PlhyZIl3d4MAACAhszs7hDC/LSf1WsqXSnpNkm/H0JYXXmijxSwfQAAAMihXlPpGyU9IelmM7vazF4lyercHwAAAAXKDG4hhB+FEN4mX6XgZvnSVxPN7Etm9upObSAAAABcnsEJ20MI3wwhvFY+pcdS+UhTAAAAdFCeCXhfEELYXJnY9lVFbRAAAADSNRXcAAAA0D0ENwAAgJIguAEAAJQEwQ0AAKAkCG4AAAAlQXADAAAoCYIbAABASRDcAAAASoLgBgAAUBIENwAAgJIguAEAAJQEwQ0AAKAkCG4AAAAlQXADAAAoCYIbAABASRDcAAAASoLgBgAAUBIENwAAgJIguAEAAJQEwQ0AAKAkCG4AAAAlQXADAAAoCYIbAABASRDcAAAASoLgBgAAUBIENwAAgJIguAEAAJQEwQ0AAKAkCG4AAAAlQXADAAAoCYIbAABASRDcAAAASoLgBgAAUBIENwAAgJIguAEAAJQEwQ0AAKAkCG4AAAAlQXADAAAoCYIbAABASRDcAAAASoLgBgAAUBIENwAAgJIguAEAAJQEwQ0AAKAkCG4AAAAlQXADAAAoCYIbAABASRDcAAAASoLgBgAAUBIENwAAgJIguAEAAJQEwQ0AAKAkCg1uZrbQzFaZ2Woz+1jKz2ea2c/NbJmZ3WJm0xM/u9LMllc+Lk7cPsvMfl15zu+Y2bAiXwMAAECvKCy4mdlgSV+UdIGk2ZIuMbPZNXf7rKSvhRDmSLpc0mcqj71Q0jxJJ0s6XdJlZjay8pgrJX0uhHCUpM2SLi3qNQAAAPSSIitup0laHUJ4JISwW9K3JV1Uc5/ZkhZXvr458fPZkm4NIfSFELZLWiZpoZmZpAWSvl+531clvb7A1wAAANAzigxu0yQ9nvh+beW2pPskvbHy9RskHWZm4yq3LzSzEWY2XtK5kg6XNE7SlhBCX53nlCSZ2XvNbImZLdm4cWNbXhAAAEA3dXtwwmWSzjazpZLOlrRO0t4Qwk2Srpd0h6RvSbpT0t5mnjiEcFUIYX4IYf6ECRPavNkAAACdV2RwWyevkkXTK7e9IISwPoTwxhDCXEmfqNy2pfL5ihDCySGE8ySZpIckbZI02syGZD0nAADAi1WRwe0uSUdXRoEOk/Q2Sdcl72Bm480sbsPHJV1buX1wpclUZjZH0hxJN4UQgrwv3Jsrj/kjSYsKfA0AAAA9o7DgVumH9kFJN0p6UNJ3QwgrzOxyM3td5W7nSFplZg9JmiTpisrtQyXdZmYPSLpK0jsS/dr+StKfm9lqeZ+3a4p6DQAAAL3EvIj14jZ//vywZMmSbm8GAABAQ2Z2dwhhftrPuj04AQAAADkR3AAAAEqC4AYAAFASBDcAAICSILgBAACUBMENAACgJAhuAAAAJUFwAwAAKAmCGwAAQEkQ3AAAAEqC4AYAAFASBDcAAICSILgBAACUBMENAACgJAhuAAAAJUFwAwAAKAmCGwAAQEkQ3AAAAEqC4AYAAFASBDcAAICSILgBQAvuvlt66Uulbdu6vSUADgQENwBowS9/KS1bJj32WLe3BMCBgOAGAC3YuNE/P/dcd7cDwIGB4AYALdiwwT8T3AB0AsENAFpAcAPQSQQ3AGgBwQ1AJxHcAKAFBDcAnURwA4AWENwAdBLBDQAG6Pnnpa1b/WuCG4BOILgBwADFqUAkghuAziC4ARk++lHpXe/q9lagl8VmUonghs776lel00/v9lag04Z0ewOAXnXbbdIjj3R7K9DLCG7opltukX7zG2+yP+igbm8NOoWKG5BhwwZvCnvmmW5vCXpVDG6HHkpwQ+fFZdY2b+7udqCzCG5AhnhSXrWqu9uB3hX3kZe8hODWTSFIn/qUdO+93d6SziK4HZgIbkCKHTuk7dv965Uru7st6F0bNkgHHyxNmkRw66b775f+4R+kb3yj21vSOfv2EdwOVAQ3IEVytCDBDVk2bJAmTpQOO4zg1k0/+pF/fvzx7m5HJ23YIO3e7V/TnePAQnBDP3190uLF7X3OVauktWvb93x793qn3CIlO53TVIosMbi10sft7rulLVvau10HmkWL/HM7jzO97tFHq19TcTuwENzQz5e/LL3qVdKKFe17zosvlv78z9v3fN/5jnTuudJvf9u+56wVg9v06VTckG3DBmnChIEHt927pZe9TPrXf23/th0oHn9cuuceadCgAyu4xWZSieB2oCG44QUhSP/xH/71unXte9716/tfHbbqN7/xz5s2te85a8Xg9opXSA8/LO3ZU9zvQnm1WnFbu1batUv63e/avmkHjOuu888XXeTHrX37urs9nUJwO3AR3PCCe+6R7rvPv3766fY8Zwje/+KJJ9rzfJJvp1Rsn6JkcOvrYz437C+E/sHt+ed9X2lGPPm280LpQLNokXTMMdLv/Z7//Z96qttb1BmPPup9K0eNIrgdaAhueME110hDKlMyJzvnt+LZZ71P2pNP+omuVfv2VYf8Fx3cDjlEmjfPv6efG2pt3epNnTG4SdWRyHnF4LZ+fXu37UDx7LPe3/Wii6TDD/fbDpTm0scek2bOlMaOZXDCgYbgBknSzp3SN78pvfWt0uDB7QtusTlzz572NG0+/LC0bZt/XXRwmzhROvZY/55+bqgVq7LJ4NbsPhm7EBDcBuaGG/zYctFF3h9VOnCC26OPSjNmSGPGUHE70BDcIEn6wQ/86vU975HGjWtfcEteCT75ZOvPt3Rp9etOBLfRo6XJk6m4YX/tCG6x4rZli88diOYsWuSDQ84448ALbrHiRnA78BDc2uALX5Be+9pub0Vrrr1WOvJI6eyzpfHjGwe3vXulD31IevDB+vdLVtna0c/tnnskM/+6E8FN8qpbr1bcvvlN6eqru70V9V11lbRgwf4fH/tYt7esNe2suElU3Zq1e7d0/fXS617nrQTjx0vDhx8Yc7k995xfFFNxOzAR3Npg61bpxz8ubz+Dhx+Wbr5Z+uM/9lA0YULjwQmPP+6BNY7oytLu4LZ0qTRnjn/dqeB23HG9W3G76irpc5/r9lZk27vXlyJ66CHvOB4/nnxSuvLKYqd0KVq7Km5jxvjXDFBozi23+LH3oov8ezOvuh0IFbdYqSW4HZgIbm1w5pnAPOWhAAAgAElEQVT++de/7u52DNRXvuJzIL3rXf79hAmNK25x5Faj+yWDW6tNpSF4xe2UU3zgQFHBLTlaUPKK26ZN7Rtp205bt/Z2pebXv/a/5T//s3TrrdWPn/3M97lrr+32Fg5cDG5xHjepuX0yBD8Bn3GGf9/L/8detGiRNGKEjyaNDrTglhyc0I7BXygHglsbnHqqn4R+9atub0nz9u6V/vM/pYULpWnT/LZ2BzczP8C2WnFbt87D09y5rc1U38iWLV4VSlbcpN5sLt22zfsmNjuasVMWLfKRyhdc0P/2qVOl17xG+upXm59Co1ds2OB9IIcNG1hwe/ppHxQUL/wIbvmF4NX+V7/a14qNpk9v3FR6333S5z+//8cvf1nsNme5667mw2ZsYo8Vt927fV/qpBUrercl4sVuSLc34MXg0EOlk06S7ryz21vSvBtv9ED07/9evW3CBL+C27vX+46kidWzPMFt9Ggf8NBqcIvzt82bV2xwSzaBSdWRpatWSS9/eTG/c6C2bvXP69dLRx/d3W1Js2iRdM45vg/UuvRS72Jwww3l7COarMoOJLjFqslJJ3kFmabS/O65x8POpz/d//bp06uT8A7KKEu85z0elmrNmNHeicLzevObvc/nV76S/zGPPebH5qlTq03tmzf7BXKnvP3t/vtvuKFzvxOOilubnHGGNwuVbdbua67xoPb7v1+9bfx4v6KtN31H3orbM894aJs8ufXgtnSpV+/mzOlMcJswwT/PnOmdnnu14ib1ZrVm1Sr/iH2Qal14oTRpku+DZdRqcIshYeZMPwH24v+wVy1a5MEsedySfC63PXuyj0sh+ICq973PK57x4y//0it13Vgh5Zlnmu/r+eijHlIHD+4f3Dpl506vuBW5eg2yEdza5MwzvfrRaJRlL9mwwZsb3vlOb+6JYmCpF8picGvU72vTJg9uU6a03sdt6VKvfh16aGcrboMHezWr15oF9uypNo/0YrUmLvz9utel/3zoUN/3fvzj9kwV02nJ4HbIIf55IBW3GTO8mwLBLb9Fi3yN1/Hj+9/eaEqQ9ev9f/TSl/pxKX4ce6yHuk73jwvBuzmsWdPc4+JUIFJ3gtv993uLTKz4o7MIbm0S+6mUqZ/blVd6/6J3v7v/7TG41QtlzfRxi8GtHU2lc+f6150MbpL3c+u1ilustkm9edJftMj/XzNmZN/n3e/2E8B//VfntqtdksFt2DD/aLbidsgh3rl86tTeDN+9aMUKadmy9EpuDG5Z/dziezh2f4jiPppc/7MTdu708LZ+vS+ZllecfFeqBrdOzmoQu60Q3LqD4NYmRx/tB+Cy9HP74Q+lf/kX6f3vl2bP7v+zPBW3WCHZvr1+p9hNm/zvMmWKB42BdqJ/+mk/GMclqDoR3JJX88ce6+uV7t5dzO8ciF4Obk895e+F17++/v2OO0466yxvLi3TqLi+Pt+3k+G+2X3yscf85GtWbSot09+gW/7u73yNzjgKPqlRxS1WzeOAo6hbwS25v+TtX9fX5yE/bvPYsf65kxW3OBE6wa07CG5tYub93MpQcfvtb/2gd+qp6XOANdNU2uh+seI2ebJ/P9CqWzxQdKriNnasN+VFxx3nlaGHHy7mdw5E8qDZa9WaH//YQ0hW/7akSy/1E+oddxS/Xe2yaZO/vlaC26OPVpu7pk3zigvzcdW3dKn0/e9LH/mIH1dqTZjglc+s4LZypf+fpkzpf3tc57TTgxOSF7J5m0ufeMKPRd1sKo0Vt+3bfVvQWQS3NjrjDOmBB3x6hl61Y4f0pjf5FA3f+553uq8VK02NgtsRR9S/3+7dXhWKTaVS/b5M110nfeAD6VWHTge35AlZql6h91I/txjczBpX3G6/XbrkkmInLU5atMhPLHGy5Hre+lb/f5ZpkEJac/pAK26SV9yk+v/H//N/fNLrA9nf/I0HlY98JP3ngwZ5CK5XcTvuuOrqK9HBB/v/spsVt7zBLTkViCSNHOmvpx3BLQS/kKo3NcqePd7HLU7Dkqz8ozMIbm105pm+4//mN93eknQheNPo8uXSN75RvWKrNXSoNGpUdiDbudNDw4kn+vdZ94t9LpLBrV7F7etf95PT9dfv/7N77qlONil1Prgdc4x/7qV+bvGAecQRjYPbD38offvb0nvfW3xz3Pbt0k9/6tW22hNkmkMPlS6+WPrud8tzEmg1uO3c6e+bZoLb5z8vfelLzW/ri8WvfuWV3I9+NH16majeXG4rV+7fvy2aObPzFbeBBLfk5LuSh9XRo9sT3J580ifFrrefrVwp7drlXRwkmku7geDWRqed5ieqXu3ndvXV0te+Jv3t3/qEu/XUW/YqNpPG4JZ1v2Rwy9NUunq1f/7Up/afVmXp0mq1TfKT5K5dxQzfTwtuI0f6ybUXK27HHedNpfUC2Zo1vm9+61sejot0003e7JenmTS69FIPfN/5TnHb1U6tBrfak2+c/DqryXvPHm+m/93vDtx+cJ/6lB+XPvSh+vfLWj1hxw7/u9f2b4tmzOh8xW0gTaUxXMbmXcmrkO0YnBBf/+LF2ftZbCY95xz/3MstTC9WTMDbRiNHSiec0Jv93O6+2w9455/vB8BG6q2eUBvcsu4X5/gZN86bX4cMyW4qDcGD2/TpHtJ++ENv0pW8CvPQQ9I73lG9f5w3a/v2+lffA5EW3KTeW2w+GdxuuMGvuGNFstaaNf6/HzLEm5lOOaW61FK7LVrk/5NXvCL/Y844Qzr+eB8wE0NRNH68T5qap3rXKVnBLe+JPzkViFStSGdV3Nas8fC2Z4//7kmTmt/mMvvFL3yZtP/9v6vv/SzTp0s/+IEfU5L7zEMP+ed6Fbfrr9//cUWKQX/ixOYqbmPH9v87jB3bnopbDIVPPOF/r7S/1dKlPtHvKaf4940qbuvWeSvP+ee3vn1wVNzaLA5Q6LWJeD/7WQ+WX/969oziSXmC27HHehBoFNzGjvXfOWlSdsVt40YPaH/+5x5E/uZvqp1e77vPP9dW3KT2N5fu2eNXrmnBLU4J0isVj9isGCsI9ZrZ1qyRXvISr7hOmya95S2Np3IZiL4+b8668ML+gzsaMZM+/GGfB/ETn+j/8b73+RQQvWTDhv6Tn0rNrZ+bnHxXkg46yN8nWf/DZKW32Tm/yi4Ev9icMsW7ejRy+OHev7a2JSBedNWruO3c2dlJZWPF7cQTvZqaR3JQS9SuheaTFx6LF6ff5557pJNPru77jYLb5z/vx4OydIMog0KDm5ktNLNVZrbazD6W8vOZZvZzM1tmZreY2fTEz/7JzFaY2YNm9u9mfg1kZpeY2f2Vx/zEzMbXPm83nXmmv4GanQm7SCH4m3Dhwv0nrMxSL7jFqtnkyf58eSpuUv253OJozWOPlf7+732QR2w2Sy51FRUV3OLBPqvitmVLMYFnIOIBM14VZzWzbd7szRmzZvnB9gc/8NfwB3/Q/hFhd9zh//dmmkmj977XT7i7dlU/brvNf5b3pNYpGzb4eyR5EdRsU+mgQdW+bZIH6qz/YbLSe6AFt5/+1PeDT36y/7qkWbLmclu1yi8Qjjoq/XHdmBIk7i8nneTvmzzhJjmoJWpXcHv0UZ9qZcaM9OC2b590771+ET1ypN/WKLg9/bQfZ9KWGcPAFBbczGywpC9KukDSbEmXmFnNjGH6rKSvhRDmSLpc0mcqjz1L0sskzZF0oqRTJZ1tZkMk/ZukcyuPWSbpg0W9hoGIzU+91M/tgQf8RLNgQf7HjB/vb7i06lKsuE2cWD/g1Qa3estexf5tRx3la/fNmeN98fr6vDQ/cWL/IfxFBbe0JrCo1xab37rVmyziQbxeM5vkwU3yAPyFL/gJ8e//vr3btGiRT8fQqA9llqFDq5PZDhsmHXmk357nZLp1a+eqoWnN6c0Et0cf9aCWrErWW/Zq1SofMCQdWMEtBA9sM2d6P8g8suZyW7nSB/Jkhb9YxerkAIVkcJMa/29DyK64tauP28yZfq64+eb9W44eftjDZTPBLfaBG+g5sd196Hbvrj/3aBkUWXE7TdLqEMIjIYTdkr4tqfY6fLakmOtvTvw8SDpI0jBJwyUNlfSUJKt8HFKpwI2U1FNTjx53nB9ge6mfW7xyaia4TZjgzYZpb5qnnvIDxbBh1YCXZtMmv09cDqjeslerV3sF4ogj/POnP+23fe1rXnGbN69/v5NuBLfkYvO9YNs2P3jGQJtVrakNbpKfBN/1Lv87tzMI3HijdO65ftXeDpMm+T7U6GT69NN+YRCX2SpaVnDbvj1fN4m0qkm9Za9WrvRlmiZMOLCC2x13eKXmk59Mn7ooTVZwW7Uqu3+b1J2KW2wqPeEE/9zof7tlix/zsipurV64JIPbpk0+7UdSnJZp3rz8wW3LFv88kHPi+vV+jvn+95t/bJY//VPpvPPa93zdUGRwmyYpWaxeW7kt6T5Jb6x8/QZJh5nZuBDCnfIg90Tl48YQwoMhhD2S3i/pfnlgmy0pdfYnM3uvmS0xsyUbO9i2NWiQdPrpvVVxW7zY+zdlTf+Rpt6yV089VR0lWq/iFheYj4FryhS/b1/f/vddvdq3L66Z+trX+gTBsdk02b9N6k5wmzHD+yL1UsVt5EjfpnHj8lfcJP+f/Omf+te//nV7ticEX10inoTaYdAg77PU6GS6cqVfRS9b1r7fXU9WcAsh39V8cq3JaOpUv7BJa75eudIvCmfNOrCCW+wmceGF+R8zaZL3vU0Gt337qnO4ZRk3zivYna64HXxwtfm20f+2djRyNHasH1cHujJNFJfSOvdc/762ufSee7xKfMIJvr+bNRfcmg2Wjz7qr6ud8xfefrsH0F7pqzwQ3R6ccJm8CXSppLMlrZO018yOknS8pOnysLfAzF5hZkPlwW2upKnyptKPpz1xCOGqEML8EML8CTGFdMiZZ/ooml7ojLl3r3TLLc1V26T6qyc8+WR1VFujptLk7OZTpvibJbnqQrR6df++J2bSP/yDH6j6+vr3b5O6E9wGDfL53Hqp4hYrW/Wa2das8SpwsiO95AffoUOrV9Gt2rzZQ8v06Y3v24w80zTEE16nlv7KCm5S431y3z7vf1VbNZk61d+vtaNqn37a30vHHnvgBbflyz2UxAvFPOIkvMk+buvW+XQg9YKbWeenBHnuOW+RGDfO959G/9vayXejdqyesG2bP37mTH8PH3PM/sFt6VIfSDFsmP+dDzssX3AbPNj342ZXnomh7xe/qHanacXu3X783rFj//dZmRQZ3NZJSsw0o+mV214QQlgfQnhjCGGupE9Ubtsir779KoTwXAjhOUk3SDpT0smV+zwcQgiSvivprAJfw4CccYYfnHuhM+a99/rO387g9tRT/YPb5s3p86nFdUqjePBNay6tDW6Sl7PjlBKdqrht3OhX61lTjPTSYvOx4ibVX6R8zZr+1bZo2DA/CMeqRqtihaPdwS3PxKidDG47dvh+N9Dg9uST/n5JayqV9v8/JtfXnDXLg8WBsszQ8uW+jzY7PUftXG5Zi8vXmjGjsxW37durlas8obx2GpmoHcGt9rnPPdcDU2whCWH/+TRHjmzcB23LFi9mSM23RMXgJklf+Upzj03z0EPV11PmC6Aig9tdko42s1lmNkzS2yRdl7yDmY03s7gNH5d0beXrx1QZjFCpsp0t6UF58JttZrGEdl7l9p5y+un+uRf6ucUrpjhZYl7NBDcpfQh9WsVN2n+AwjPP+EdtcDOTvvxlnwrgJS/p/7MiK24TJ2afKI46ykc4pjX3dtrWrdWKW73+UVnBTfJKZruaDYoKbjNm+GurN9lyPAh3Ys3W+J4YaHCrnQokylo9IQa3WHHr68te0unFJIRqcGtWbXDLWly+1syZ3am4SfmC26OPel+/2n0vBrdWBijUBrcFC7wKd/fd/v26db7vJ1s/Ro6sX3ELwcPXWWf5sarZc2IMoqecIv3nf7Z+3F2+vPo1wS1FCKFPPuLzRnm4+m4IYYWZXW5mr6vc7RxJq8zsIUmTJF1Ruf37kh6W92W7T9J9IYT/DiGsl/T3km41s2XyCtz/W9RrGKgxY3wy0V7o57Z4sW9L7aLKjWStVxqXu4rVs3rrmuYNbrF8njZMf/Zs6fLL9w9S8WBXVHDLMmuWVzt64cQZBydI2f2jQvCgmRXc5s71/1M7Xk98juSM7u0wc6a/jnrb2MmKW6vBLatqkhXcVq706ugRR1T/j2U+6eS1dm3/pfWacfjh/vh4QbJypb9XGk1cPGOGHwM6Nerwueeq+00MbvUuoh57zF9b7Vyc7ai41V5QxIv9ePFfu1601Di47dzpYWvsWF9ZaKAVt7/4C39f3Hhjc4+vtXy5N9tK5X4PFdrHLYRwfQjhmBDCkSGEKyq3/U0I4brK198PIRxduc+fhBB2VW7fG0J4Xwjh+BDC7BDCnyee88uV2+eEEF4bQujgdIn59cJEvHv2+PxHzTaTSh6MDj54/8EJsX9abcWt9n4h7B/c4mNqg1tyKpC8hg71K89uBDepN970tU2l+/bt33/wqad8+al6FTepPc2ljz/uJ5Rm+iPlkWe0X/x/PPVU8dXQrH6QrQa3SZP875fWVHrMMX7C6aX9r2ixOjLQitvzz1dbArIWl68VQ0vWWqftFptKJf/fbt+ePUpfSh/UIlW7pLTaVDpkSPUCe+JEn6YkBrd77vG/35w51cc0Cm4xeI0e7c2ly5Y1N4Bi82Y/D73pTX6uuSZ1KGJ+y5f7e6mZlSp6UbcHJ7xoLVzob8Arr+zeNtx1l79JBhLcpPSBB1nBrfZ+27d7cEwGt+HD/QBT28dt9Wo/INQ2hzZSxELzZQtuyaZSaf9qTdqI0qQ5c/xv344BCmvX+kF/SJsX0osBJ6vv0Z49/rsnTvQLhqwpZ9ql1eD26KN+IouhOxo82ENvWsUt9s2aMcP/X72w/xUtBreBjFKunRKk3uLySZ2eEqS2qVSq/7+Noz5rtauP2/Tp1YqU5OeOX/7SJ8NeutT/hsmltpoJbmec4S0CS5bk36YtW/yxw4ZJ73yn9N//nT64La/Y9F72QT4Et4K85S3S297m8w9lLR1StMWL/SB/9tkDe3wrwa128t0obfWEuEbpQQc1t33dCG6xmaLbb/pduzywJCtu0v7VmkbB7ZBDvBLRjorb2rXt798mVZtes06mjz3m1caXvcy/L7q5tB0Vt6ypeWpHB+/Z41OsxL5Zw4b537jb+18nrFjhf4+s9XfrSQa3557zz436t0mNLxLarbbiJmX/b3ft8mNn2r5z2GEeuFptKq0NhQsWeHPnr3/tx4jaQWLNBjepuX5umzdXQ+mll3o1/b/+K//jk7Zv9/cSwQ2ZzKSrr/YrlLe9rTOdpmstXuxrytWGp7zSglusZsTgFp87K7jVHnSzglszzaRRu4Pb9u3+US+4DR3qQSLPDOdFBoh4sIzBrVHF7Ygjsp9r7tz2Vdza3b9N8qaSiROzg1t8jS9/uX8eyN9927b80/ds2ODzfcVKSdRMxS2taiLtv+zVww/7ySpZLSr7SSev5csHPidg3A/Xrm28uHzS9Ol+7M7a10LIXv1lIGr7uEnZ/9tYPUzbd8w8HLU6OKE2FL7ylX6h+r3vefNx7bRMzQS3ceOko49urp9brLhJ3lf7zDO9uXQgg6kefNAfF4NbmUdnE9wKdOihvi7kjh1egdu9u3O/e+dOn3V8oM2kUvo6pMnlriRvFhs7Nn/FbfLk9KbSXghuWZ3Oa+U5cV5/vR9gi5rzLR4sY1PpxIl+gE0LbpMmedDIMneunxRamac6BD+wF1Fxk+pPCRLXMY0Vt4FcJL397f6RR1ZVtoiKW9rC6AdCcNu71yfeHkj/Nsn3+cGDfZ9stLh80tCh/j/I2te+/nW/CGrXQvTJptJDD/Vjbtb/NqtvZNTKeqV9ff6+qX3u0aN9ROe1lfkeaituo0b5BU9WAIpThcTwFft+5w1eyYqbJL373f7/HMjAv2SfybKPzia4Fez44/0K4c47pb/8y8793jvv9NJ6K8FtwoT0wQljxvRffiYt4DVqKo1v3K1b/UQY16RsRruDW73Jd5PynDiXLPGDWaujoLLE6lCsuMX+UWlNpVnNpFG8im6l6vbss16tLCq41ZsYdc0av4CYO9f/Ds1W3ELwQTx5JwfNCm4HH+yVj3r75NatXkXIOvlOnervneef9++TU4FEs2b5a9y1K9/2ltGaNX7xOdDgNniw/y3XrvW/4aBB+S8O600J8uMf+wV4O/pRhtC/qVSqf2zJmkYmGjt24MFt/Xo/XqXtlwsWePFBSm8qlbL3+Vhxi+vsnnmmn0PixVYjyYqbJF18sQfdgQxSWL7cz1tHHtlbfZUHguDWARdfLP3Zn0n/9m/Sd77Tmd+5eLEfvOIEtgMxYYIfWJJD45NzuCXvVxvw6gW33burB5h6U4E00s3g9sQT9acMiFf5RfVvrG0qldLncssT3E4+2T+30s+tqDncojgxatqV+po1/vNhw9I79zeyZo0Hz7xVlKzgZtZ4n2xUNYlN3rE5buVKf88k/8/x/9nJiWI7rZURpVGcy23lSv+b5V3rNOsiYd8+X3hd6j8x7EDt3On7c7LJvV5wi9uU9R5rpeKWtZSWVL34nzlz/64vjdYrTTaVSs33c6utuB12mPTWt/p5tNmViZYv9+mlWhmdHUL9+SQ7heDWIf/0Tz4J4aWXdmapjcWLfd6cVhb7Tht4kFzuKnm/2opb7GuR1sdNqp6YBjIVSNToJLlrl89FdMst+Z6vmeAm1T9xxkrJLbcU048iHrSS/9/aZra+Pj8gNwpuY8d6808rFbei5nCLZs70E11auEqG09o+YnnE1/3MM/macDZsqL43auUNbvWaSqXq/zFtYfSyVwvyiMFt9uyBP8fhh3tTaaPF5WvNmOGPq53KacWK6nGuHcEt7ie1FbdHH00/ZjzyiB97swZx1Qtuv/udh6as90bWUlqSd0EYOnT/apuUL7gNH17d5pNO8m4beZo69+3zC6raVWwuvdQLCj/4QePnSFqxonohMGPGwAaZ3XWXH2O6Pbk+wa1Dhg3zBdO3b/cdqEjbtkm/+U1rzaRSenBLLjCfvF9aU+nIkf6GT6pd9ioGtyKaStet8yVb/vEf8z1fDG6NlrZtdOKMC1pPm+YHnnatBZqUVnGrXfZq7Vo/ATQKblLrAxTivFdFVtyk9LCcDG711mzNEl93X1/jq/gQ6o88brRP1jtBSv2XvQqhurh80oES3GbN6h9qmhUrbg89lK9/WzRzprcK1E47kayetyO4xfnMaoPbnj3778O7dvlUGPVmCBgzJntwwuLFPjL0Jz9J/3m9SvAhh/hAu7/+6/1/lie4JYPXkCHSqafmCz7btvmxtHaN5bPO8ovNX/6y8XMkt2Pt2mpwGzp0YKOzr73W39/HH9/c49qN4NZB8aBc9DxTt93mJ+yigltWU2nyCrV2ndIoreI2efLADtCNTpLxIHbTTfnmZdqwwZ+zXkd+qfGJMy5o/Z73+PdFNJfWDk6QfP965plq/6hGU4EkzZsn/fa3jReMzrJ2rTcVNrtCR16xQlX7f9yxw/fJVipuySbiRs2lzz7rJ9aBBrfHHvOTRtYkxcmK29NPewWltlo0dapfCL7Yg1srzaSSn5h37vSPZitu0v4XCYsXV0NEOytutU2l0v7/20WL/L196aXZzzdmjG9XWtU4tgBkVboefdS7tdSOlI7+6I88cNVqNrhJ3s9t6dLGq1PUNrNGZs1faMZiSXKfanaQz44d0re+5QMNY5+9biG4dVA8WLdzOHmam2/28nRc2Hegapezistd1Qa38eM9KCYPZrWrJkRpwW0gzaSSnyS3b89enSIGtxB8nbtGGs3hFk2e7H/frDd97N92zjne1DOQ4Pb1r1enMUhTOzhBqp7049+2meAWm0Huu6+57Yzi5Lu1FdZ2yZoYNXZyjtOdTJ3q+2HsTJ3H0qXVfbVRcGvUnJ6n4pa2ZFEUB/6sX589GnLQIA+yL9bgtnu3B412BLeo2Yqb1H9f6+vzbg+vfa1/X2RTqbT///aaa3y/edWrsp9vzBg/DqdVjeO+lFXpqjfSuZ5Gwe3ZZ/cPOWec4X/PRn1qY7NvbXCT/ELz/vvz9zdL6zM5a1b+QRKS9P3v++usF547heDWQaNH+0G56OC2ZImfiA8+uLXnqV3Oqnby3az7SdnB7bDDfLvi3+Dhh1sLblL2SToGtxkzpK98pfHyY3mDWzxxZr3p40Hy2GO96nnbbc1NBdPX51e4X/pS9n22bvUrz+QVcrKZTfKD/6BB+fqdtbr0VVGT70bjxnkltLYKUhtOa8NrI0884RXweEIsOrg1OkGaVauGaSNKoxfzlCAPPeTvgVaDW3K/bya4pVXcli7199wFF/jxK05z0Yq0ptK0lTEefVT66U+lP/7j/qsa1Kq37FXclx54IH3b680tWM9AKm5xgEKjfm4xHNc2lUp+ftu9219PHsuX+7knuU80Ozr7mmv8XNXKgL92Ibh1UGxKKrqpdM2agfUZqzV6tPdJiBW3GNzS+rhJ/ZtUs4Jb8m+wY4efoFoNblknyhjcPvIRD1mNKl95g5tU/8S5apVfZU6aVB1K/5vf5HteqdrsXG8Qy9at/vqTlZvaju1r1viBKk8VbMoU396B9nMrOriZpY/2qw1uteG1kfh6f+/3/HMnKm6NTpCxn97Kld6pO+3+L+bg1o4RpVJ1fxw9unG/1aRRozyQJPe1OJr03HP9+YpqKh0+3Pfh5P82thb88R/Xf76sZa/27PEL5NNO89aH2mNRCP5aBxLcYjUtK8imBbdJk3z/bdTPrVHFTcp/vIpN78m1amfN8teeZ3T2b38r3XqrzyPXaL3bTiC4ddjkycVW3Pbs8Y7ieZrHGjHrP0dbo4pbMrg980z2ig1xLrdHHvHviw5u7/dsmX8AACAASURBVH63H9Qazf3TruAW10WMy42ZVQ/8ecRgX29C3G3b9l/rsnbZqzxTgSTNmzfwiluRk+9GcUqQpDVrvAIS98na8NpIfL2dqLjFTueNmqTiIJOVK32m+bQqy6xZvq3NTolQtKeeam0iZ8lPsoMHN9cvLc3kyX5hk2dx+Vq1c7ktXuyrOEya1L7gllZxk/ofW/bt89aCV72q/uonUjW41Q5QeOQRr2C+853+d6itdG3Z4vvsQJpK47Y3U3GTvBvPnXfWH8Vdr+J29NEeePMcr0LwZtXaC4FmBvlce63vS3/0R43v2wkEtw5LW/KpneIw9nYEN6n/iNG8wS32d2sU3FqZCkTKF9wOPdQDzh/8gfTDH2aPutq3z7e/meD2zDPpB6xVq6pNM2PHelm/mX5u8e9cOzde0tat+we3MWO8QpOsuDWzH8yd600PcXBDXlu3eoAoaiqQKG1i1DVr/IQWT8zNBrelS33/i9WGRksGxeAW+3/Wqhfc1q/3/azR3ynOx5c2ojTqtZGle/f6PJUveYnPtF9v321k+XLpmGPyz7uWZcgQf57aZZrySF4k7N7t3R3iYK9Ro4qruEn9g9vPf+7bkadfVVbFLXbdOPVUD5+1la5GI53rGTzY9/lmg9upp/o+Xq9VIWtwguQh6qUvzVdx27DBL3Jqg1sMwo3eQ3190le/Kr3mNdXjS7cR3Dqs6ODWTIf0PJIVt1gJqg03tYMYNm/2q5ysxaHjsletTAUiVQ949YJb3IZLL/W+DN/8Zvp9t2zxN2gzwU3a/00fF7ROVgsWLPDlxxqNoopicKtXudi6df85+syqzWw7d/p+1mxw27u32lSVV9GT70YzZvhBOPl3rA2no0d7Ba6ZptJ58/wkP2pUvorbmDE+qjNNDG5plYQYJhv9naZOrS6InVV16qXgtmKFz/X14Q97/6WnnvILpYHOX9iOEaXRL37hc2g2K3mR8JvfeHeHGNza3VRaW3E74gjff3fv9krPmDHS61/f+PkaBbdjj01fcqrR3IKNZK1X+vzzfsxNG4EZL17qdRvavNmPabUXqNG8edK99zbuu5zV9J53dPYNN/ixtBcGJUQEtw6bMsV3yKKWq2l3cEuuipC23JXkJ8pDDqkGjaxVE6IpU7xPxP33e+hLu6LKI0/FLQa3k0/2N3pWc2neyXejrBNnHAmarJQsWOAH4TvuyPfcyeCW1ZSQ1lQqVZvZ4lV0s02lUvPNpZ0KbvHEEueMk/YPbsnw2sjmzf74OKJ23Lh8wa3ePnLooX4BkDYYJYbJRlft8ech9HbFbfdu6fLL/e+3erX0jW9IP/uZ9PnP+xQ8n/5088+5Y4cH1nYFt4kTs6e4qGfGDN8/tm3zanns9iC1v6k0reIWgoeSH/7QQ3DWpLtJWYMTVq3yi+VRo7yJcvPm/iPWW6m4SdnBrXad0qT4HmpUcRs1KnsE9ty5fuyPBYAsWcEt7+jsa6/1VqYLL6x/v04iuHVY7QS07bZmjZev23USrW0qrW0mTd4vBrw8wU3y5oeBNpNKzQU3ya+Y7r03PZi0K7glr26jl7/cKzp5m0vjvrFrV/ZrS2sqlarNbAMJ8LNm+YGy2QEKRU++G9VOCbJ5s58cal9j2tJfae691z/HwNqu4Cal/9/iNjUKbnGAhZRdcRs3zn9XJ4JbCNLpp/u+kfwYPVr627/1ea0efFB6+9s94LznPd6f6vLLsyd8zfLgg/772hXcBiq5ry1e7PtIrGiNHt2eUaXPPeeBrLYPY9yfr7jCjwF5Kz2HHOLHmbSKW7wASFty6rHH/GI877GvVlZwq9fUmSe41S53VSvvheby5X5+Snt9jQb5PPWUr0/7zncWN9XRQBDcOqx2HrN2i+s2DhnSnuebMMHfQHv2pC93lbxf3opbDK9r1hQf3JJv/Le/3Q+UaVW3ZoPb2LHeVFn7pk9b0Pqww3xEV97glpyxPau5dNu29OXMYrVpIMEtTmw5kIpbrHQVqXaahqzXWLuCRJb4OttdcZPS98l167xpJut9ESX/jlnBzaxzI0s3bfLmwvnzfaBP/Hjf+6Trr/dKW3LUpplPZXPiiV4tamZN1XaNKG1VrO6uXOmd6M89t/qzWHHLszxaPc89lz7xeNyfr7vOw0lcS7gRs/1XT4irb8T96LjjPHQnByjEkc4DHS1ZVHDL6h8XzZ7tYarRhWa9pvdG76Gvfc0r6O9+d/3f0WkEtw6Lwa3Iilu7mkml6gF506bGFbcYMuKBo1HFTepsxW30aOlNb/ITTW1/s2aDW9aJc+VK76Bd25y8YIGvc5dnZYJkcMvq5J1VcYv9o+67z7cha4b+LHPnSsuW+cEqr7Vrfb/I6vfVLtOn+989VtzqBbf16xufWJcu9epW3Mc7UXGbOrXxCTIGt2nT6q813KngFiuF73+/9LnP9f+44IL0x4wY4WtJ9vVJb35z/q4hy5f7ftuO6YxaES8SvvUtbxJOrkIzapTf1uwgnlrbt6cHt2nTqtWdZvtV1a5XGlffiBW3QYO8elpbcRtoM6k0sOAWp5pqpeI2bJivfVrvQjOExsEta3R2CH6Rf9ZZzc0D2AkEtw7Ls3pCCNJnPtPcrM5RUcFt48b0dUqT96utuGUNTuhEcAth/+Am+YHw2Wel//t/+9++YYOfUBtVQ5KygltaleTcc72z9m23NX7e5N85reIWQvrgBKnazHb77d7JOat/SJZ58/yEFJt88yh6Drdo6FAPNY0qbtOmeTBv1JwVByZE48bVH1Xa1+f7dqvBrZFDDvFw0Gg6jLj/1QbUe+4ZWIf8LLF6mWzCzePoo30OsiVLpMsuy/eY5cu9klJvotlOmDLFg8V11/nnl7+8+rMYRFrt5/bcc+n97wYP9iB10EHeStCM2uAWJ95NBo8zz/T+xTGsDHTVhGjUqPT3Wr3gZubvo1YqblJ16ausi7THHvO/c73gJqVfAN1xh//9emlQQkRw67CJE32nrRfcHnvMF/T9939v7rl37uy/bmM7xBGjjz+evtxV8n6xM/2mTX7wyVrPbfz46oG5leB20EEeTNJOktu3e/NubXA7+2wfAfeRj0hvfWu1urVhg9+3mSbm2hPnvn3ZC1qfeaZXEvI0lz75pF9JSunBbedO/11ZFTfJp/VoNO9Tmtgss2xZ/sd0Yg63KDna73e/8wN77cG9dj67NDt2eDiNzaSS//+ffTa72hirn600leYNP+98Z+OT9hFH+H6erMo++aT0+78v/dVfta+qn7dvXpo3vMGbmf7jP/JVqNo5orQVsZ/wnj3ezSF5kdTO4Ja1RvM73iF97GPND9waO7Z/cEvrc3vGGX78WLLEK6FPPFFMxS2GuazzQKPg1qjiJvmF16ZN/QcsJTVqeq8X3K65xv8/b31r/W3oBoJbhw0Z4jtsveAWJ6Ztdo3LWKErouIW3wD1mkqff95PiHGB+awmocGDqye/VoKbWfa8WfHgVRvcBg3yyXCvuMIXbj7+eJ+j56mnmu+cO2uWv94Yrh57zP8GaZWSgw/2knuj/2lfn5+I44EmLbjFg2TW4ITk9jXrmGN8H21mSpC1a4ufwy1Kzq+VVV3OM5fbsmV+8koGt1htzaq65WlOb0fFTfKLtkZX+rUnnb4+6ZJLqseWga6CUSv+HZOV8ma8/vX+vmg0U/6WLb4v9UJwk6pVqGQzqdS+4LZ9e/aI17/7Ox/40ay0ilvt6hunn+6f77yzOiK8lYrbyJFevaudlqNexU1qX8VNyt7X43HshBPSf54V3LZtk777Xenii7PDdTcR3Lqg0bJXMYDdd19zE1m2eyoQqRrcVqzwz/WCm+RBI2u5q6QpU/xNmdWcmldWcIsn37TnHzrUK5r33efNMu96l/SjHw0suEnVv3tas0TSggU+krFeP6qnn/YK3pFHeoWuXnBLaypNnlwHsh8MG+bBM29w27bNr6w7VXGbMaM6yXRWcIvhtV5wi/1iaptKpez/TyvBbds2/2i2ubGe2v3vk5/0hdBjpb5dwW3dOn9/D7QP4ytfWb1gqiceY3oluMWwkxXcWh1ZWq/iNlC1gxPSVt8YM8aPUb/6VetTgUge3EKoTm8SbdniF4EjRqQ/rl5w273bL4obVdzmzPF9q15wO/zw7Kpf1ujs73zHX08vNpNKBLeuaLTsVXIn+sUv8j9vfNxAmsiyxJNZPJHX6+Mm5Q9us2f7SbPVdd8GEtyi447z9ee+8AU/uBx/fHO/u/bEmdYskRTngapXeUiuBzt+fHpwj31T0ipusX9UcvuadeKJ+YNbbI7sZFPpnj3+/vnd79JfYwyv9ZpKly71fSNZKSwyuLXS3Jgluf8tWiRdeaWP9PzQh3yAzECXL6vVTKUwzahRPiK1UbU5rqEZuwl020kn+T5y5pn9b29nxa2I4LZlS7X6lbX6RlxyKga3Vitu0v7NpbFilnWMrxfcGlXrokMO8eNt2r7+/PN+sVBvVG7WILNrrvHzQZw+pdcQ3Lqg0eoJa9b4lfmhhzbXXLpmjZfFmx1JWM+QIX7weuAB/z5Pxa3eOqXRVVf5yaZVrQQ3ya/WPvAB/3987nPN/e7aJVNWrfIDZ9aC1rFZuN6gk1iJnTSp/4CPpHpNpVK1qtNKcFuzpv5i6VGn5nCLYmXgrru8r1/aaxwxwg/4jSputRcOZQtuhx3m27x4sa+hOH++9K//6j+bN6+9FbdWt3vBAr9gqa3KJF13nTdpdarZvZEPf9gXF6+d/DZeGBU1OKEVY8ZUBy/t2uXv47QLyTPO8IvCWAVt5f3bKLhlmTjRq2pp+0Rs7m1UcZOy9/Wrr/Z998/+rP7ja4PbAw/4vnrppb2xoHwaglsXTJnilZWsJWHWrPHy9itf2XxwS67b2C6x/5qUfdJKLnsV+7jVc/DB7bnabDW4JZ8nz+zktY+ZMKF/xS0uLp8mTplRu95mUnI92EbBLWuqiHiSbSW4SdWwXk/sI9Opk22sDMRKdNZrrDcJ7549XlFM9m+T8vVxGzKk/skoaxm2uC3tbCqV/PX/9KfeFPa971X34blzva9sO2b4X7++9e1esMD74N1+e/rPn3nGR1xfdFFrv6edhg5NP350YnDCQCVXT3j4YT/HZFXcJL94njy5tXVhs4Lbs89mN1FK9edyy1txk3xfX7u2/7Fyxw7vx3zOOfs3ddeqHWR27bX+Pv/DP2z8u7uF4NYFkyf7Gyrryj723VmwwMNA3gWz2z0VSBRD2ejR2W/wZptK26VdwW2gkldrycXl0wwa5AEnT3CbPDk7uNVrKpX86nnUqIG/9hjc8jSXxuDWqcWXY8WtUXCrNwnvAw94H5ra4Bb/XvUqbhMm1J9iZfBgvyiprSLEbRloB/8sRx7pFwpf/3r/LhKx715cHWKg+vp8n2z1//uyl3kQyroQ/Z//8WNiLwW3LAcd5Bdg9YLbli0+0Cc2/9aKfcKKaCqVPLjV63M7e7Zf+G3d2lozqdRaxU1KD26x4pY3uEn9q25f/KLvt5/+dONCxqxZ1dHZu3f7pLuvfe3AV5LoBIJbF9RbPeH55z2oxeAmNe7UGxUV3GIoq9cEO3KkH5gff9ybsHohuA0f7ifRIh1xhP/dt271/1ujiRpnzqw/k/yTT1arkQNtKv3rv/YRUQOtvM6a5duQN7hNnNjaFXszRo3y1x0DSVZ/znoVt7SBCZKfyIYMqR/c8hzM0/bJ9ev9+etNqDsQn/qUr2dZOxFuo9F2eT35pIeMVoPbiBFe5ckKbosW+XFx/vzWfk8nmDVer/S3v/WPu+5K//nOnf53LaKpVPLjX+xze8wx+99v8GCf5kRqbWCCVK2q1Q7WaCW4xb9tnqbSuK/H9/W2bd7f8/zz+8+/lyXZV/THP/Zjbq8OSogIbl1QL7jFk/oRR0gvfanvuHmaS7ds8Y8ig1tW/zbJD2YTJlSv8nohuNWbkqRdZs3yClpsVmw0aeqMGY0rbpMmVf+e27btP+t8o6bSo4+WXv3qfNufZvBgvyLPG9w61b8tmjnTT3qTJ2cH86lT/f2V1h1h6VI/YR59dP/b4wTMRQS3ZuZwa8YJJ6RXqSZN8r9BqwMU2tnEe+65vj21a2k+/7yvafq61zU/YXS3NFqvNIaRrFkB4v5RdMWt3uobseN92StuY8b4+TJepPzbv/l7+NOfbvxYqX9wu+Yaf9+cf36+x3ZLSd4mLy71lr1KTukxaJC30ecJbkVMBRLlCW7xfvEqr1eCW9FmzfI+U/F/1KjiNmOGnwx3707/eXJZsdhEXXvw37at2iRXlLwjSx9/vPOdyWOFoN6+PnWqh7a0iuU99/hIs7SQUFRwa3Vk5kDEWeVb0c5BFQsW+GjHW2/tf/vixd5UVYZm0qhRxa1RcItN6UUGt6xVXKLYz63VittAg1s8r7RacZO8eh4vCj77Wd+XTj0132PjceT22/0C4l3vat9a30UhuHVBvWWvagPYggU+CrHRmoS9EtxixbDTwa12yZNOBjfJ3/CDB/s0DPXEalFW/6vkclfJfoNJcZ3SIquJJ57o+2e9JaCk7lXcpPr7etZcbk884SPGXvnK9Me92ILbgw96R+2BGuhyV2lOP90vNmovRBct8r9Zo07kvWTUqNaCW9w/imoqjRW3eheSr3yl9+VqpTovVSt6yeC2Z4/vd/WC24gR/n/PCm7Dh+cfMDZ3rrR6tU9a/Oyz0uWX59/+Qw/1i+Srr/YLi15bUD4Nwa0LRozwE29WcBs+vFqViwezRlW3IoNbrPw0mmYk3k/qTGiS/E23d+/+zYmdDm533OEdxRtNUhqvbrOaS598shqQs4Lbtm3t7ytVKw5QiJOiptm+3U8QnQ5u8W9Yb77CrGWvvvpV31/e9a70x2UFt+3b/WMgwS2E9ozMbNa8eX4iuv/+gT/H+vV+QZI1xU0zhg/3PkfJY9m+fT4NyAUXdK6fZDvkrbhlXQQU1VQ6YoQfg1au9O2rV3E77DD/2zfq3tFInGQ3GdwaLXcVZc3llme5q6TYX/Xzn/fVDubMyf9YyY/ju3Z5C9eRRzb32G4guHVJ1lxua9Z4RSE24xx/vJ/I8wS3UaOa29nzaqbiFnWy4ibtX+HoVHCbMcMrX3v35jsAxmpR2gCFuNxVo+AWK25FyjOytNOT70Z5m0ql/hW3EHyo/ytekd5hW8peaD7+DwYS3DZt8qbxblTcpNaaS9ev92NVu/qeLVjg+1QcPX3XXX6xUqZmUql9TaXtrriZ+Tngzjv9+0ZdN9qldr3SvNN5ZAW3PMtdJcV9fdAgXy6sWfEisAzVNong1jWTJ2f3cUuekMz8YLd48f7NgfUe105x/cpGS9EciMFt+PBqJSXPQTL2B0uruMXlrvIEt6IrbtOm+YVAveAWJ9/tdB+3k0/2KlDtqNCkyZP9vZMMbrff7iP96o0YGzvWg1btey3P5LtRbXArYvLdPGbO9JN4KwMU2j2oIrYg3HKLf160yP+Xr3lN+35HJ7Qa3IqquEn+P2+0/F67tTu4NVtxmzLFz1PvfvfAXvMpp/gx401vav6x3UBw65J6FbfaALZggYe82PE/TZHBbdYsL33HxYmzxKAxYkTzk9kOVFpwi4vdd6q5Nv7d81TcDjrIg1laxS05h5vkB65Bg9IHJxRdcTNrPEAhzuHW6Yrb8cf7/lgvuA0Z4n/nZFPpNdd44H3zm7MfN26cN5nU9gtrJbi1s59YM8xaH6DQ7r558+b5vhtbEH70I18KroiWgiKNHu3HmdouGlG3BidI1b/lwQd37r3Z7Yqb5Pv5l77U3GOij37UJyzOWle11xDcuiQGt+SV/datXilKC25SdnNpCNnrNrZLnh06BrdOVduk9OAWh5J3OrjlvdLLmhIkudyV5KFt3LjuNJVK1eCWVemNwa3TgUTK18SUnMtt61ZfWeCSS+o/NmvZqzJW3CQPSsuWeWfxgWjHcldJQ4Z4UFu82KufDz5YvmZSKXvusijuLzt3pg8OKWpwglQNbsce27npVUaN6v+3aCa4Pf10dW3VqNmKm+TnqIGOBh00qDyhTSK4dc2UKf6GTh7gswYYzJrlzR5Zwe2pp7LXbeykODih28GtU6smRHEN0rydfGfMqF9xS/YlTJuEtxNNpZIHt2eeSW/Slzy4jR/fuepqs6ZOrYamb3/b32+NJtZsFNzydNI/9FB/P8Y55OI2tHvVhDzmzvX+dQ8+2Pxjd+zwE3C7g/n/397dB9lVl3cA/z57dzeEXbILmwViQhKUUAgJSIgZAQt4AY2FgRZrhcGWUTq+UdEKrdiOtiFhGBWtjaIMFfAFR4uUNztWUYiWGaIGhMSEkEAgCVnyBpJsdolsNnn6x3N+vWfP3nPf9p7X+/3M7Ny9Z+/unt1zz7nf+/zeikUbAfj1r9v9LAa3SsteqZZW2QDKD1CIsqnUXfcmOuigHsGKWz2DE0ZHx/8fG6m4tRIGt4SUmxIkLLi5fm4rVox/Z1Lp++LmLlRxBSYgHcHt4x+3JXv8o2ormTXLKm7BSlatwS2OplLAJncFwptLk5jDrR7+Za/uuMOCaLW5nSoFt66u2iok7jnpmsMGBuw4VhtxHIWJDFBw16ZmVwpdC8I3vmGTjE90AtgkVApue/ZYGDn5ZLtfrrk0qsEJQKlSFVf/NmBiTaXA2OZSVfv+rDWfx4nBLSHlVk+oFMCKRSsfr149/mtpC26tVnHr66uvc/XMmVaRCYaDnTutX4q/mhYMbocOxRfcqo0sTWIOt3pMn24vmk8+aWtGXn119bnvwhaar3UON2D8czKJOdycE0+0JqBGBihE1Tdv3jx7kzM6ms1qG1A5uLkQMneu3ZYLbkNDVqkuFJq/b/6m0riUC25tbdUriuWC29CQVatZcQvH4JaQsOB2xBHlA8c732m3v/jF+K+54FZpXqs4uCWmWi241StsShA3h5s/XPT3j73wu78zjqbS/n67sJYLbqpWcUtzcHNh6aabbB3dD3yg+veELTQ/keAW1XJXtSgUrKrVSMUtqr55bW2l61krB7comkmBZCturhVhzx5rJq3Wx65ccHN9lFlxC8fglhDXVOrvP+RGhparCkyfbqM6b711/HJJL75oL/hJd64sFGx0zvveF9/vzGJwC5uE17/clTN1qoUI119q3z67jaPiBoSPLH3wQfs/n3VWPPvRCBc47r/fAkItTdmVmkqzWHEDbIDCU0+V72ZRSZSDKq65BvjIR0pNuVnjglu5wQnB4BY2oXMUzaQAsHgxcNVVpa4OcZgyxZ5fbiBGrX3UygW3WptZWxmDW0KOOsr6vAQrbpWaO5cssSrNHXeM3R7lVCD1+sIX4l26xoXVYHArFOKpSjXCBbdgxc2/3JXT32/vYl0Ydc0RcQa3devGvugfOgR87nPWFHP55fHsRyP8Va5qgxKczk4LXs0KbqOjdlyTDG6nn277smlTfd83MGDnV7UO5o0491zgttuiXbYtSu5/Uqni5poq4664nXQS8O1vx9unMrhe6d69tT1v+vrsOcCKW30Y3BIiYi/SLripVg9g73qXLRmzbJn1kXLSFNziVijYi0swuLlm2zTq67N9Dlbc/MtdOcFJeF3FLa5QOm+eVQf8IfOee6wKt2RJuhdjdmHpuOOACy+s/fuCy16p2v+/keC2Y4d9f1JNpUBpvrt6m0tdpTCt51GSurrs2lMpuB17rIWPuINbEoLBrdaKW3u7nW+suNWHwS1B/kl4d++2MnOlACYCLF1qF9TbbrNto6MWAFo1uAHj582Ka9WERomMn8stuNyVEwxuSVTcgFJz6eioLeQ8f368TeKN6Ouz0PaJT9TXCTwY3NwowUaCW5JzuDmnnGJ9/OodoNDsOdzyRCR89YRdu+z6095uzfNho0qjaipNgrseuabjeqbzCE7C6ypuDG7hGNwS5F/2qtaRoeedB5x/PnDzzfbCMDBg/Z+SHpiQpKwFN8AGKPirWMHlrhwX3NzF3wW3uCpuwSlB7r4b2LgRuPHG+Cb3bJSInVfXX1/f9wXXK61n8l0gfcGts9OOYyMVtyQrhWlXKbi554rroxqUt4qbaxatt+IGjA9u7n/KptJwKb/05pu/4rZ5s93WUjlbutQqMF/7WnqmAklSFoNbsOIWXO7KcR3qg02lcVXcpkyxfV271gbFLFli6/plZTRgoVB/U59br9SpN7i5Sop7YwUkH4AWLLCK244dYz/C1ttUTX5QRdrVEtz6+sIrbnkKbo02lQL25rRcxS2ua1wWMbglaNo0e4EYGalvSo8zzwQuugj40peAp5+2bQxupftZCG6zZtnFyvVVDC535QSDW9xNpUBpZOmdd9objGXL8t3vKdhUOtGKW6FQ24oLUTrjDAsQ06aN/TjqKJvnLmjPHntuMriFCy7z5AQrbmF93PLYVDo4aC1A+/ZNrOLW0xPNHHd5keKuxfnnqis7d1pw6++v/V3YjTfaxXjpUmuyciMVW1F399gLaBaCmzteL71kk6SWWzUBsGaunp7xwS3OEbPz5tn8gcuWAWefDbz73fH97iT09dm7/oMH7cWjnuWuADtm7e2l4DZtWvLNylddZRO++qcSGh0Frr3WVv0444yxj3dNvElXCtOstxfYsGH89lqDW14rbu4aVeto5KOPtvNtZMTOnddeY/+2ahjcEuSfhPfFF+vrp7ZgAXDZZcB991kI6OiIZBczobu71CQ1OmoXjqwEt61bKwc3YOzqCfv22cVt0qR49hOw4DYyYv/j730v39U2wIKbW3bHP+Kt1iXNREpV4LT0E+vqAj70ofHb77rL1kD+/OfHbk9D37y0K9dUeuCAvXH0B7c//tEGnrmpi1TzNzjBvZEcHKx/VKj7X73yij3fuNxVdWwqTVAwuNXb3Llkib1ItHIzKTC2qdRdNNIe3IKrJ5Rb7srxr54wOBh/3w83srRYLM14n2fBSXjdKMF63hz5g1uaw0+xCKxccftHZgAAEhZJREFUWZo41UlL37w0Kxfc3HPG38cNGFt127/fwlueKm6dnVbRnUhwc2+QuMB8dQxuCXJNpQMD9gJebwCbN8/6uV1zTfP3LUv8wS3tqyY406db85kboFBuuStn6tSxTaVxTyw8f77Ncr98eby/NynB9UrrmXzXcc/JtE+pUSxaNfXxx8dudxU39+aSxuvttcrZgQOlbcH+kK5KW27ZujwFN6C07NVEg9trr7HiVg2bShPkXqiffNJO/kYqZ9dd1/z9yposBreODntB91fcyjWTAlZxcx3I41pg3q+9vTRvYCsIrlfaaHDbtctexNJctXrHO+z4PvoocMEFpe0vv2wvnpMnJ7dvaeeCyeBgKezXEtyGh+02T02lgF2X9u5lxS0OrLglqKPDTuyVK+1+qzd5Nqq7G3jjjVL/EiD9wQ0YOyVIteC2e7c1ryTRVNpqyjWVNhLcnnvOPk9zxe2II4BFiyy4+Q0MpDtwpkG5Za9aueLW02PXJzdQrJ7BCQArbvVgcEvYtGnA+vX2OYNbY9wFcHi4FNyycOIHg1twDjenv99C6eCgVdzSugZrXjQruGVlZGaxCKxaNXZkdtr75qWBqwrVEtz808vkNbg12lTa02NFjF277Do3PMyKWzUMbglzL9ZuGSSqn3/erCxV3GbNsulADhywilqlihtg79pZcYteT4/1P3z11fGjBGvlf1FOewAqFoFDh4DHHittS3vfvDQIC27t7aWvHXmkXdtbpanUH9xqvU6JlOZy46oJtWFwS5jr/Dt9erxTPORJueCWhXdsM2dax/C1a8svd+X41ytNYnBCq2lrK62e4F5w8xzczjzTrj0rVtj9gwdtsEzaK4VJCwtuRx9dGmRUKIxfaL4VKm5TptQ3gW4wuGXh+p0kBreEueDGZtLGBYNbb282Zt12U4L89rd2G9ZU6l89IYnBCa3IrVda76oJjntOHn547X19knLYYcBZZ5X6ue3ebeEt7YEzaZWCm19wEt5WqLjVG7xccHPLXbHiVlmkwU1EFovIBhF5XkRuKPP1WSLyiIisEZFfisgM39e+KCLrRGS9iCwXsfcwItIpIreLyEYReVZE3hvl3xA192LN4Na4YHDLQjMpUGoad8GtWsVt+3abb4vBLXqu4jbR4PamN2VjwuJi0ZbPe/XV0hxuDG6VuXDi7xsYFtxarY9bo8GNFbfaRBbcRKQA4FYA7wEwF8AVIjI38LBbAHxXVU8FcCOAm73vPQvA2QBOBTAPwNsAnOt9zz8D2KWqJ3o/91dR/Q1xYMVt4rIa3FzFbdUqu60W3Nx6tmwqjZ5br7QZwS0LikW7/eUvszOoImnd3RbKq1XcggvN5zm4jY5aM3u9VWZW3OoTZcVtEYDnVfUFVR0B8EMAlwYeMxeAG4i+wvd1BXAYgE4AkwB0APAWBcKH4AU8VT2kqmVWgssOBreJy2pwmzLFLnDr1tn9sODW1WXzab3wQun7KFrNCm5ZCT9ve5s9zx59lMtd1aqtzc5fNpUad13asqWxitv+/cC2bXafFbfKogxu0wG85Lu/zdvmtxrAZd7nfwHgCBHpU9WVsCC33fv4maquFxF3OJeKyO9E5EciUvblTkQ+LCJPiMgTu9208ym0aBHw6U8DF1+c9J5kV1aDG2DNpYcOhS935fT3A5s22ecMbtHzBzf/KMFaZa3i1tEBnHOOBbeBAQslYW8kqMS/7NXwsH2EBTdVuz80ZP0Ks9APtx6uyrZjR2PBDQA2bLBbBrfKkh6ccD2Ac0XkKVhT6ACAgyJyAoCTAcyAhb2iiPwpbKWHGQAeV9UFAFbCmlvHUdXbVXWhqi7sd21NKTRpEvDlL5fmjqL6ZTm4uebSsOWunKlTSxU3NpVGr6/P+hNu3Tp2lGCtshbcAGsuffZZ4Ikn7PnYznV1qvIHN1cfKBfc3nijtB7s0FD+mkmBsW8oGw1uGzfauqdcsaOyKIPbAIDjfPdneNv+n6q+rKqXqerpsL5rUNU9sOrbr1V1SFWHAPwPgDMBvArgdQD3eT/iRwAWRPg3UAa4JofBQesjkaXg5gYoVKtu9PeX+n+w4hY990bq2WfrbyYFstdUCpT6uT38cLYCZ5L8wS2sWT240PzwcP6aSYHmBLcNG+x7szCgJ0lRBrdVAOaIyPEi0gngcgAP+R8gIlNFxO3DZwHc6X2+FVaJaxeRDlg1br2qKoAfAzjPe9z5AJ6J8G+gDOjstI+XX7ZmxywFN3/FrRJ/0ZjBLXruOdRocDv5ZGD2bGDhwqbuVqROO806hR88mK3AmaSentKo0rDgFlz2qhUqbo0MTgCsmZUDE6qLLLip6iiAvwPwMwDrAdyjqutE5EYRucR72HkANojIRgDHALjJ234vgE0Afg/rB7daVX/sfe0zAP5VRNYA+GsAXGad0NVVWj4qS8HNVdzC5nBz/MGNTaXRc1WS119vLLjNnGmjgN/ylubuV5QKBeBcb+w+K261qaXiVi64seI2lv/6xv5t1UXai0FVfwLgJ4Ftn/d9fi8spAW/7yCAj4T8zC0AzmnunlLWdXdnO7ix4pYu/j6njQS3rCoWgQceYHCrVbngFuxSHVyvdHg4/xW3esOXG5y1bx8rbrVIenACUVNkNbidcIJVOqpNB8OKW7xaNbhdeKH1L8pSpTBJvb3Wt/bgQQtu3d22WoZfKzaVNlI1c+cZK27VcdwQ5UJ3t71bA7IV3I4+Gli9GjjxxMqPcxf/yZM52i8OrRrcTjrJVlCYG5wqncpyIWNwsPwcbu4x/oXm8zo4YdIk62s8MtJ4cNu0iRW3WrDiRrngfwebpeAGAKecYvNoVeIqbmwmjcfkyaUpCVopuAHAqafyzUGt/OuVhgW3QsGuSXmvuAGlQQmNrM/LilvtGNwoF/wXwjy+Y3PBjc2k8XFVt1YLblQ7F1D27g0PbsDY1RPyHNzcG8uJNJXm8frdbAxulAvuQtjdbeX6vGHFLX6ucsvgRmFqqbgBpYXmVfPbVAqUrk+suEWLwY1ywQW3rDWT1qq315pcGNzi4ypuKV54hRLmQsYf/mArJ4Q9V9xC8/v3W3jLc8Wtq6t6149yWHGrHYMb5ULeg5uIvWtnU2l8+vrKjxIkclxw27wZGB2t3lQ6NGT381xxa7Rixopb7dgFlXIh78ENAC65xGbkp3icf76NlCMK40LGxo12W2twy2vFrVisPpl4mEWLgPnzgXnzmrtPecTgRrnQCsHt9tuT3oPW8tGP2gdRGNd1oZbgNjIC7Nxp9/Ma3D71qca/981vBtasad6+5BmbSikXWiG4EVG6FArWfeG55+x+WHBz/SU3b7bbvDaVUjwY3CgXGNyIKAm9vcC2bfZ5pYobAGzZYrd5rbhRPBjcKBcY3IgoCf7O9C6gBTG4UTMxuFEuMLgRURJccOvrC19xIhjc2FRKE8HgRrngpslgcCOiOLngVmmiZhfcXB83VtxoIhjcKBcWLQJuuQVYvDjpPSGiVuJWCagU3Hp7gbY2BjdqDgY3yoVCAbjuutLC4EREcail4tbWZq0B+/fbfTaV0kQwuBERETWoluAGlJpLDzvM3mgSNYrBjYiIqEH1BjdW22iiGNyIiIgaVGtwc5Pwsn8bTRSDGxERUYPqrbgxuNFEMbgRERE16Pjj7XbOnMqPY1MpNQsXmSciImrQggXA9u3AscdWfhwrbtQsrLgRERFNQLXQBrCPGzUPgxsREVHE2FRKzcLgRkREFDE2lVKzMLgRERFFjBU3ahYGNyIiooix4kbNwuBGREQUsd5e4MorgQsuSHpPKOs4HQgREVHERIC77056LygPWHEjIiIiyggGNyIiIqKMYHAjIiIiyggGNyIiIqKMYHAjIiIiyggGNyIiIqKMYHAjIiIiyggGNyIiIqKMYHAjIiIiyggGNyIiIqKMYHAjIiIiyggGNyIiIqKMYHAjIiIiyggGNyIiIqKMYHAjIiIiyggGNyIiIqKMYHAjIiIiyggGNyIiIqKMYHAjIiIiyggGNyIiIqKMYHAjIiIiyggGNyIiIqKMYHAjIiIiyghR1aT3IXIishvAloh/zVQAr0T8O6gxPDbpxOOSXjw26cTjkl7NPjazVLW/3BdaIrjFQUSeUNWFSe8Hjcdjk048LunFY5NOPC7pFeexYVMpERERUUYwuBERERFlBINb89ye9A5QKB6bdOJxSS8em3TicUmv2I4N+7gRERERZQQrbkREREQZweBGRERElBEMbk0gIotFZIOIPC8iNyS9P61KRI4TkRUi8oyIrBORT3rbjxKRn4vIc97tkUnvaysSkYKIPCUi/+3dP15EfuOdN/8pIp1J72MrEpFeEblXRJ4VkfUicibPmeSJyN9717G1IvIDETmM50wyROROEdklImt928qeI2KWe8dojYgsaPb+MLhNkIgUANwK4D0A5gK4QkTmJrtXLWsUwHWqOhfA2wFc4x2LGwA8oqpzADzi3af4fRLAet/9LwD4N1U9AcBrAK5OZK/o3wH8VFVPAnAa7BjxnEmQiEwHcC2Ahao6D0ABwOXgOZOUbwNYHNgWdo68B8Ac7+PDAL7Z7J1hcJu4RQCeV9UXVHUEwA8BXJrwPrUkVd2uqr/zPt8HewGaDjse3/Ee9h0Af57MHrYuEZkB4CIA3/LuC4AigHu9h/C4JEBEegCcA+AOAFDVEVXdA54zadAOYLKItAM4HMB28JxJhKr+L4A/BDaHnSOXAviuml8D6BWRac3cHwa3iZsO4CXf/W3eNkqQiMwGcDqA3wA4RlW3e1/aAeCYhHarlX0VwD8COOTd7wOwR1VHvfs8b5JxPIDdAO7ymrG/JSJd4DmTKFUdAHALgK2wwLYXwJPgOZMmYedI5JmAwY1yR0S6AfwXgE+p6qD/a2rz33AOnBiJyMUAdqnqk0nvC43TDmABgG+q6ukAhhFoFuU5Ez+vv9SlsGD9JgBdGN9URykR9znC4DZxAwCO892f4W2jBIhIByy0fV9V7/M273Slau92V1L716LOBnCJiGyGdSUowvpV9XrNQADPm6RsA7BNVX/j3b8XFuR4ziTrAgAvqupuVT0A4D7YecRzJj3CzpHIMwGD28StAjDHG+3TCetA+lDC+9SSvH5TdwBYr6pf8X3pIQBXeZ9fBeDBuPetlanqZ1V1hqrOhp0fj6rqlQBWAPhL72E8LglQ1R0AXhKRP/E2nQ/gGfCcSdpWAG8XkcO965o7Ljxn0iPsHHkIwN94o0vfDmCvr0m1KbhyQhOIyJ/B+vAUANypqjclvEstSUTeAeAxAL9HqS/VP8H6ud0DYCaALQD+SlWDHU0pBiJyHoDrVfViEXkzrAJ3FICnAHxAVd9Icv9akYi8FTZopBPACwA+CHtTz3MmQSKyBMD7YaPlnwLwt7C+UjxnYiYiPwBwHoCpAHYC+BcAD6DMOeIF7a/DmrZfB/BBVX2iqfvD4EZERESUDWwqJSIiIsoIBjciIiKijGBwIyIiIsoIBjciIiKijGBwIyIiIsoIBjciakkiclBEnvZ9NG0hdRGZLSJrm/XziIic9uoPISLKpf2q+takd4KIqB6suBER+YjIZhH5ooj8XkR+KyIneNtni8ijIrJGRB4RkZne9mNE5H4RWe19nOX9qIKI/IeIrBORh0Vksvf4a0XkGe/n/DChP5OIMorBjYha1eRAU+n7fV/bq6rzYTOgf9Xb9jUA31HVUwF8H8Byb/tyAL9S1dNg63yu87bPAXCrqp4CYA+A93rbbwBwuvdzPhrVH0dE+cSVE4ioJYnIkKp2l9m+GUBRVV8QkQ4AO1S1T0ReATBNVQ9427er6lQR2Q1ghn/pIRGZDeDnqjrHu/8ZAB2qukxEfgpgCLZkzgOqOhTxn0pEOcKKGxHReBryeT38a0geRKlP8UUAboVV51aJCPsaE1HNGNyIiMZ7v+92pff54wAu9z6/EsBj3uePAPgYAIhIQUR6wn6oiLQBOE5VVwD4DIAeAOOqfkREYfhOj4ha1WQRedp3/6eq6qYEOVJE1sCqZld42z4B4C4R+QcAuwF80Nv+SQC3i8jVsMraxwBsD/mdBQB3e+FOACxX1T1N+4uIKPfYx42IyMfr47ZQVV9Jel+IiILYVEpERESUEay4EREREWUEK25EREREGcHgRkRERJQRDG5EREREGcHgRkRERJQRDG5EREREGfF/GCzmo4wwYTQAAAAASUVORK5CYII=\n" + }, + "metadata": { + "needs_background": "light" + } + } + ] + } + ] +} \ No newline at end of file diff --git a/Assignmment_2.ipynb b/Assignmment_2.ipynb new file mode 100644 index 0000000..b97ff0f --- /dev/null +++ b/Assignmment_2.ipynb @@ -0,0 +1,1125 @@ +{ + "nbformat": 4, + "nbformat_minor": 0, + "metadata": { + "colab": { + "name": "Assignmment_2.ipynb", + "provenance": [], + "authorship_tag": "ABX9TyNnpgI+CgFI9zFUyepioNoI", + "include_colab_link": true + }, + "kernelspec": { + "name": "python3", + "display_name": "Python 3" + }, + "language_info": { + "name": "python" + } + }, + "cells": [ + { + "cell_type": "markdown", + "metadata": { + "id": "view-in-github", + "colab_type": "text" + }, + "source": [ + "\"Open" + ] + }, + { + "cell_type": "markdown", + "source": [ + "#impoting required libraries" + ], + "metadata": { + "id": "hYLvMxLD4bT5" + } + }, + { + "cell_type": "code", + "source": [ + "import pandas as pd\n", + "import matplotlib as mpl\n", + "import matplotlib.pyplot as plt" + ], + "metadata": { + "id": "JlHi1X8_4jYN" + }, + "execution_count": 1, + "outputs": [] + }, + { + "cell_type": "markdown", + "source": [ + "# read the csv file using Pandas" + ], + "metadata": { + "id": "yFrhva-T47YL" + } + }, + { + "cell_type": "code", + "source": [ + "data = pd.read_csv (r'/content/House_prediction.csv', delimiter=',')\n", + "print(data)" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "N36hM4yuBt5s", + "outputId": "b93d5c70-79b8-4fa3-fa32-e842e9b70eb8" + }, + "execution_count": 3, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + " city area rooms bathroom parking spaces floor animal \\\n", + "0 São Paulo 70 2 1 1 7 acept \n", + "1 São Paulo 320 4 4 0 20 acept \n", + "2 Porto Alegre 80 1 1 1 6 acept \n", + "3 Porto Alegre 51 2 1 0 2 acept \n", + "4 São Paulo 25 1 1 0 1 not acept \n", + "... ... ... ... ... ... ... ... \n", + "10687 Porto Alegre 63 2 1 1 5 not acept \n", + "10688 São Paulo 285 4 4 4 17 acept \n", + "10689 Rio de Janeiro 70 3 3 0 8 not acept \n", + "10690 Rio de Janeiro 120 2 2 2 8 acept \n", + "10691 São Paulo 80 2 1 0 - acept \n", + "\n", + " furniture hoa (R$) rent amount (R$) property tax (R$) \\\n", + "0 furnished 2065 3300 211 \n", + "1 not furnished 1200 4960 1750 \n", + "2 not furnished 1000 2800 0 \n", + "3 not furnished 270 1112 22 \n", + "4 not furnished 0 800 25 \n", + "... ... ... ... ... \n", + "10687 furnished 402 1478 24 \n", + "10688 not furnished 3100 15000 973 \n", + "10689 furnished 980 6000 332 \n", + "10690 furnished 1585 12000 279 \n", + "10691 not furnished 0 1400 165 \n", + "\n", + " fire insurance (R$) total (R$) \n", + "0 42 5618 \n", + "1 63 7973 \n", + "2 41 3841 \n", + "3 17 1421 \n", + "4 11 836 \n", + "... ... ... \n", + "10687 22 1926 \n", + "10688 191 19260 \n", + "10689 78 7390 \n", + "10690 155 14020 \n", + "10691 22 1587 \n", + "\n", + "[10692 rows x 13 columns]\n" + ] + } + ] + }, + { + "cell_type": "markdown", + "source": [ + "# Sorting on the basis of city name" + ], + "metadata": { + "id": "b9kj4e4gUkas" + } + }, + { + "cell_type": "code", + "source": [ + "data.sort_values(by=['city'])" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/", + "height": 624 + }, + "id": "xg55Uw4wg18w", + "outputId": "da33b097-9996-4887-8e1f-c02570ab95d9" + }, + "execution_count": 4, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/plain": [ + " city area rooms bathroom parking spaces floor animal \\\n", + "3755 Belo Horizonte 46 2 1 1 2 acept \n", + "10088 Belo Horizonte 476 3 2 2 - not acept \n", + "7693 Belo Horizonte 44 1 1 1 15 acept \n", + "5611 Belo Horizonte 308 4 5 4 18 acept \n", + "6131 Belo Horizonte 320 4 5 4 6 not acept \n", + "... ... ... ... ... ... ... ... \n", + "4553 São Paulo 16 1 1 0 1 not acept \n", + "4552 São Paulo 170 3 2 2 4 acept \n", + "4549 São Paulo 280 3 5 2 - acept \n", + "4565 São Paulo 41 1 1 1 3 acept \n", + "10691 São Paulo 80 2 1 0 - acept \n", + "\n", + " furniture hoa (R$) rent amount (R$) property tax (R$) \\\n", + "3755 not furnished 200 1050 27 \n", + "10088 not furnished 0 6100 202 \n", + "7693 not furnished 550 3400 222 \n", + "5611 furnished 1750 15000 167 \n", + "6131 not furnished 3480 5000 940 \n", + "... ... ... ... ... \n", + "4553 not furnished 0 850 9 \n", + "4552 furnished 1970 9000 900 \n", + "4549 not furnished 0 7000 625 \n", + "4565 furnished 534 2800 133 \n", + "10691 not furnished 0 1400 165 \n", + "\n", + " fire insurance (R$) total (R$) \n", + "3755 14 1291 \n", + "10088 101 6403 \n", + "7693 46 4218 \n", + "5611 200 17120 \n", + "6131 67 9487 \n", + "... ... ... \n", + "4553 11 870 \n", + "4552 115 11990 \n", + "4549 106 7731 \n", + "4565 36 3503 \n", + "10691 22 1587 \n", + "\n", + "[10692 rows x 13 columns]" + ], + "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", + "
cityarearoomsbathroomparking spacesflooranimalfurniturehoa (R$)rent amount (R$)property tax (R$)fire insurance (R$)total (R$)
3755Belo Horizonte462112aceptnot furnished200105027141291
10088Belo Horizonte476322-not aceptnot furnished061002021016403
7693Belo Horizonte4411115aceptnot furnished5503400222464218
5611Belo Horizonte30845418aceptfurnished17501500016720017120
6131Belo Horizonte3204546not aceptnot furnished34805000940679487
..........................................
4553São Paulo161101not aceptnot furnished0850911870
4552São Paulo1703224aceptfurnished1970900090011511990
4549São Paulo280352-aceptnot furnished070006251067731
4565São Paulo411113aceptfurnished5342800133363503
10691São Paulo80210-aceptnot furnished01400165221587
\n", + "

10692 rows × 13 columns

\n", + "
\n", + " \n", + " \n", + " \n", + "\n", + " \n", + "
\n", + "
\n", + " " + ] + }, + "metadata": {}, + "execution_count": 4 + } + ] + }, + { + "cell_type": "markdown", + "source": [ + "# A combined intiutive analysis of area of house available in cities" + ], + "metadata": { + "id": "_Pf5L26XU4gN" + } + }, + { + "cell_type": "code", + "source": [ + "data.plot(x = 'city', y = 'area', kind ='scatter', ylim=(0,2500))\n", + "plt.show()" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/", + "height": 283 + }, + "id": "0TWgfjKEogsB", + "outputId": "f245e931-0530-4492-f60e-cb1131f7280a" + }, + "execution_count": 5, + "outputs": [ + { + "output_type": "display_data", + "data": { + "text/plain": [ + "
" + ], + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAaAAAAEKCAYAAABUsYHRAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADh0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uMy4yLjIsIGh0dHA6Ly9tYXRwbG90bGliLm9yZy+WH4yJAAAgAElEQVR4nO3de7wdZX3v8c83FxIgCYEkhECCCSZCQSBKCgSoYqmIvE4NVkV5FQGtUk+l2lar2PYgxVNLtbW+KIoHKwJq4aAUSD0UpFwU5SI7kAsBgV0CJCE3QsiFXMjld/6YZ8PaO2uSNTt77Vlrz/f9eiV7rd+aNfOsWbPmN/PM8zyjiMDMzKy/DSq7AGZmVk1OQGZmVgonIDMzK4UTkJmZlcIJyMzMSuEEZGZmpWhaApI0SdK9kp6QtFDSZ1P8UklLJc1N/86sec+XJHVKekrSe2riZ6RYp6SLm1VmMzPrP2pWPyBJE4AJEfGopJHAHOAs4GxgQ0T8Y4/pjwRuAI4HDgb+C3hLevlp4N3AEuAR4JyIeKIpBTczs34xpFkzjohlwLL0eL2kJ4FDdvGWWcCNEbEFWCSpkywZAXRGxLMAkm5M0zoBmZm1saYloFqSJgNvAx4GTgYuknQe0AF8LiLWkCWnh2retoQ3EtbiHvET6izjQuBCgH333fe4I444om8/hJnZADdnzpyXImJcfy2v6QlI0gjgZuDPImKdpKuArwCR/v4T8PE9XU5EXA1cDTBjxozo6OjY01mamVWKpOf7c3lNTUCShpIlnx9FxL8DRMSKmte/C/w0PV0KTKp5+8QUYxdxMzNrU81sBSfge8CTEfGNmviEmsneDzyeHs8GPiJpmKQpwDTg12SNDqZJmiJpL+AjaVozM2tjzTwDOhn4KLBA0twU+yvgHEnTyargngP+GCAiFkq6iaxxwTbg0xGxHUDSRcCdwGDgmohY2MRym5lZP2haM+wy+RqQmVlxkuZExIz+Wp5HQjAzs1I4AZmZWSmcgMzMrBROQGZmVgonIDMzK4UTkJmZlcIJyMzMSuEEZGZmpXACMjOzUjgBmZlZKZyAzMysFE5AZmZWCicgMzMrhROQmZmVwgnIzMxK4QRkZmalcAIyM7NSOAGZmVkpnIDMzKwUTkBmZlYKJyAzMyuFE5CZmZXCCcjMzErhBGRmZqVwAjIzs1I4AZmZWSmcgMzMrBROQGZmVgonIDMzK4UTkJmZlcIJyMzMSuEEZGZmpXACMjOzUjgBmZlZKZyAzMysFE1LQJImSbpX0hOSFkr6bIofIOkuSc+kv/unuCRdIalT0nxJb6+Z1/lp+mcknd+sMpuZtbPOFev5ScdiOlesL7soDRnSxHlvAz4XEY9KGgnMkXQXcAFwd0RcLuli4GLgi8B7gWnp3wnAVcAJkg4AvgzMACLNZ3ZErGli2c3M2solty7g+odeeP35eTMP5bJZR5dYot1r2hlQRCyLiEfT4/XAk8AhwCzgujTZdcBZ6fEs4PrIPASMljQBeA9wV0S8nJLOXcAZzSq3mVm76VyxvlvyAbj+wRda/kyoX64BSZoMvA14GBgfEcvSS8uB8enxIcDimrctSbG8eM9lXCipQ1LHqlWr+rT8ZmatbO7iVwrFW0XTE5CkEcDNwJ9FxLra1yIiyKrV9lhEXB0RMyJixrhx4/pilmZmbWH6pNGF4q2iqQlI0lCy5POjiPj3FF6RqtZIf1em+FJgUs3bJ6ZYXtzMzICp40dy3sxDu8XOm3koU8ePLKlEjWlaIwRJAr4HPBkR36h5aTZwPnB5+ntbTfwiSTeSNUJYGxHLJN0JfLWrtRxwOvClZpXbzKwdXTbraM47cTJzF7/C9EmjWz75QHNbwZ0MfBRYIGluiv0VWeK5SdIfAc8DZ6fXbgfOBDqBjcDHACLiZUlfAR5J010WES83sdxmZm1p6viRbZF4uii7DDOwzJgxIzo6OsouhplZW5E0JyJm9NfyPBKCmZmVwgnIzMxK4QRkZmalcAIyM7NSOAGZmVkpnIDMzKwUTkBmZlYKJyAzMyuFE5CZmZXCCcjMzErhBGRmZqVwAjIzs1I4AZmZWSmcgMzMrBROQGZmVgonIDMzK4UTkJmZlcIJyMzMSuEEZGZmpXACMjOzUjgBmZlZKZyAzMysFE5AZmZWCicgMzMrhROQmZmVwgnIzMxK4QTUQ+eK9fykYzGdK9aXXRQzswFtSNkFaCWX3LqA6x964fXn5808lMtmHV1iiczMBi6fASWdK9Z3Sz4A1z/4gs+EzMyaxAkombv4lUJxMzPbM05AyfRJowvFzcxszzgBJVPHj+S8mYd2i50381Cmjh9ZUonMzAY2N0KocdmsoznvxMnMXfwK0yeNdvIxM2siJ6Aepo4f6cRjZtYPmlYFJ+kaSSslPV4Tu1TSUklz078za177kqROSU9Jek9N/IwU65R0cbPKa2Zm/auZ14CuBc6oE//niJie/t0OIOlI4CPAUek935Y0WNJg4FvAe4EjgXPStGZm1uaaVgUXEb+QNLnByWcBN0bEFmCRpE7g+PRaZ0Q8CyDpxjTtE31cXDMz62dltIK7SNL8VEW3f4odAiyumWZJiuXFdyLpQkkdkjpWrVrVjHKbmVkf6u8EdBXwZmA6sAz4p76acURcHREzImLGuHHj+mq2ZmbWJP3aCi4iVnQ9lvRd4Kfp6VJgUs2kE1OMXcTNzKyN9esZkKQJNU/fD3S1kJsNfETSMElTgGnAr4FHgGmSpkjai6yhwuz+LLOZmTVH086AJN0AnAqMlbQE+DJwqqTpQADPAX8MEBELJd1E1rhgG/DpiNie5nMRcCcwGLgmIhY2q8xmZtZ/FBFll6HPzZgxIzo6OsouhplZW5E0JyJm9NfyPBacmZmVwgnIzMxK4QRkZmalcAIyM7NSOAGZmVkpnIDMzKwUTkBmZlYKJyAzMytFwyMhSHor2T15hnfFIuL6ZhTKzMwGvoYSkKQvkw2rcyRwO9kN4n4JOAGZmVmvNFoF90HgNGB5RHwMOBbYr2mlMjOzAa/RBLQpInYA2ySNAlbS/TYJZmZmhTR6DahD0mjgu8AcYAPwYNNKZWZmA15DCSgi/iQ9/I6kO4BRETG/ecUyM7OBrqEqOGXOlXRJRDwHvCLp+OYWzczMBrJGrwF9G5gJnJOerwe+1ZQSmZlZJTR6DeiEiHi7pMcAImJNukW2mZlZrzR6BrRV0mCyW2kjaRywo2mlMjOzAa/RBHQFcAtwoKS/I+uE+tWmlcrMzAa83VbBSRoELAK+QNYZVcBZEfFkk8tmZmYD2G4TUETskPStiHgb8Jt+KJOZmVVAo1Vwd0v6gCQ1tTRmZlYZjSagPwZ+DGyRtE7SeknrmlguMzMb4BodCWGkpAOAadTcjsHMzKy3Gr0dwyeAzwITgbnAicADZI0SzMzMCmu0Cu6zwG8Dz0fEu4C3AWubViozMxvwGk1AmyNiM4CkYRHxG+Dw5hWrPKs3bGHe4ldYvWFL2UUxMxvQGh2KZ0m6HcOtwF2S1gDPN69Y5bht7lK+ePN8hg4axNYdO/jaB47hfdMPKbtYZmYDUqONEN6fHl4q6V6yu6He0bRSlWD1hi188eb5bN66g81plKEv3Dyfk6eOZcyIYSWXzsxs4Gn0DOh1EfHzZhSkbEvWbGLooEGvJx+AoYMGsWTNJicgM7MmaPQa0IA3cf+92bqj+/iqW3fsYOL+e5dUIjOzgc0JKBkzYhhf+8AxDB86iJHDhjB86CC+9oFjfPZjZtYkhavgBrL3TT+Ek6eOZcmaTUzcf28nHzOzJnIC6mHMiGFOPGbWllZv2NJWB9BOQGZmA0A7diNp2jUgSddIWinp8ZrYAZLukvRM+rt/ikvSFZI6Jc2X9Paa95yfpn9G0vnNKm+XHz6wiA995wF++MCiZi/KzHbDHcMbU9uNZP2WbWzeuoMv3Dy/5ddbM8+ArgWuBK6viV0M3B0Rl0u6OD3/IvBesoFOpwEnAFcBJ6QBUL8MzCC7HfgcSbMjYk0zCnzspXewdvN2AB55bg1f/9lTzLv0jGYsasBot1N+ax/teERfliVrNrF5a/dWvJu37mj5biRNOwOKiF8AL/cIzwKuS4+vA86qiV8fmYeA0ZImAO8B7oqIl1PSuQtoSkb44QOLXk8+XdZu3u4zoV24be5STv6Hezj3Xx/m5H+4h9lzl5ZdJBsg2vWIviyLVq0vFG8V/d0Me3xELEuPlwPj0+NDgMU10y1Jsbz4TiRdKKlDUseqVasKF+y2+csKxavOOwhrpq6O4bW6Oobbzh58tuex/q7jraK0fkAREWTVan01v6sjYkZEzBg3blzh9886ZkKheNV5B9E7vqbRGHcML+b0I8cXireK/k5AK1LVGunvyhRfCkyqmW5iiuXF+9y5J01hv+GDu8X2Gz6Yc0+a0ozFtT3vIIpzlWXj3DG8mNOOPIgJo/bqFpswai9OO/KgkkrUmP5uhj0bOB+4PP29rSZ+kaQbyRohrI2IZZLuBL7a1VoOOB34UrMKN+/SM/jhA4u4bf4yZh0zwclnF7p2EF/ocZHYO4j6PNhtce4Y3rjVG7awZtO2brE1m7axesOWll5vTUtAkm4ATgXGSlpC1prtcuAmSX9EdjuHs9PktwNnAp3ARuBjABHxsqSvAI+k6S6LiKZWap570hQnngZ5B9E4D3bbO+4Y3ph23b6aloAi4pycl3a6jXe6HvTpnPlcA1zTh0WzPuQdRGNcZWnN1K7blwcj7cEdUYvxRfXG+JpG73j7akzX9jVsyCD22Wsww4a0x/bloXhquCNqMe4oWIyrLIvx9lVMdP0fog8bGDeVz4ASd0Qtxv2AemfMiGEcO2m0k89uePsqpmt9bdkWbNy6nS3boi3WlxNQcvNj9ZvE5sWrzv2ArJm8fRXTruvLCSg5YcoBheJV164XPa09ePsqpl3XlxNQ8sHjJhWKV50vqlszefsqZsyIYZw9Y2K32NkzJrb8+nIjhOS+p1bmxqeOH9nPpWkPvqhuzeTtq3GrN2zhhl8v7ha74deL+expb2np9eYzoKTj+fp3eMiLW8YX1a2ZvH01ZuGLa9m6vXvLt63bg4Uvri2pRI1xAkr2G17/ZDAvbtYb7tdSjNdXo1Qw3hq8d022bK/fbj4vblaU+7UU4/XVuKMOHlUo3ip8BpRs3PxaobhZEe7XUozXVzH3P13/GnZevFU4ASXzlq4rFDcrol37aZTF66uYny5YXijeKpyAkhNz+vvkxc2KaNd+GmXx+irm1GljC8VbhRNQcsn73loobhlfJG6M+7UU066Da5bl6En7F4q3CjdCSMaMGMbeQ8SmbW80Oth7iLzB74IvEhfjfi3FtOPgmmXZd6/BheKtwmdAyQ8fWNQt+QBs2hYejDSHLxL3jvu1NKZdB9csy4tr618by4u3Cieg5Lb5ywrFq84Xia2ZvH0V1Z79gJyAksMP3LdQvOp8kbh3fM2sMd6+ijnq4FEM6bE3HzLI/YDaxtYdxeJVN2bEMM4+rv0GPyzTbXOXctLld3PO1Q9x0uV3M3uub/WRx402ihkzYhgzDxvTLTbzsDEtv77cCCF5atkrheJVt3rDFm6as6Rb7KaOJS0/+GFZVm/Ywudumsu2HQDZjQ//4qa5nDx1rNdXDjfaaFznivXc37m6W+z+ztV0rljf0oMp+wwoeXL5hkLxqnMdfTELX1yXks8btu3I4pZvzauv8cyK9ax51SOS7MovO18qFG8VPgNKDhm9D8+u3lg3bjtzHX1Rec2I3bw4zyW3LuD6h154/fl5Mw/lsllHl1ii1jW85wWg3cRbRWuXrh+98/BxheJV1643wCrLUQfvx6AeDZIGKYvbzjpXrO+WfACuf/AFOlesL6lErW3E8KGF4q3CCShZsa5+1VFevOpWb9jCTR07XwNy66761rz6Gjt6nOzsCFy1lOPfHn6+ULzq1m/eWijeKpyAkufrVL/tKl51vgZUzNzF9Ruz5MWr7sW1mwvFq+7lnAOZvHircAJK9hu+V6F41fkaUDGTx9S/lpgXr7oP9Wjiv7t41b0pZzvKi7cKJ6DkTWNzvsCceNV19dMYOgiGDhZDB+F+GrswdMhghg7ufhFo6GAxdEhrj9VVlumH7r9TH36luO3soFHDC8VbhRNQMnH/+okmL25wU8ditu7I7j2/dQf8uGNx2UVqWRP335utPe6uu3V7+Iwxx5I1m1CPDCThKt4cz+VcKsiLtwonoOQnHS8Uilddx6LV/LJOx7eORatz3lFtc19YUyhedS+t31y30cZL630NqJ7Nr20rFG8VTkDJopfrb9h58ar7xTP1O7jlxavuZ0+sKBSvunlL1haKV13HC/Ubs+TFW4UTULJPTnP5vHjVvSPnTot58aqbeVj9O+vmxavusJxrr3nxqhs/sv6117x4q3ACSg7JudaTF6+6KeNGFIpX3QE5jTPy4lX3yqb6VUd58aqbMLr+tcS8eKtwAkqWra1/sS4vXnULX6xfFZIXt/a8X0tZtm6vPwx9XrzqtuRc68mLtwonoOS1nA7DefGqW5dzJJoXr7p2vV9LWYYOrr9ryotX3a+efblQvFWU8m1Kek7SAklzJXWk2AGS7pL0TPq7f4pL0hWSOiXNl/T2ZpQprzuGu2nUN2rv+uPY5sWrbsyIYXzj7OkMUTYG3BDBN86e7n5TOU6ZWv9aYl686n7roPq3XMiLt4oyDyfeFRHTI2JGen4xcHdETAPuTs8B3gtMS/8uBK5qRmG25hy458Wr7uD96tct58UNrrz3GbZF1px4W8C37n2m7CK1rKnjR3LQqO6jkEwYtVdL39umTJPH1r9zc168VbTS+ews4Lr0+DrgrJr49ZF5CBgtaUJfL3xrzqj4efGqe3Ft/Q6BefGqu/uJ5Ty94tVusadWvMrdTywvqUStrWPRapav6z6O2bJ1r7mfWY6fzMnpx5gTbxVlJaAAfiZpjqQLU2x8RCxLj5cD49PjQ4DaLvZLUqwbSRdK6pDUsWrVqmaV217ni+pFuB9QMe5nVkzPg5vdxVtFWQnolIh4O1n12qclvaP2xYgICt6pKyKujogZETFj3Djfw6fZ9hlaf9PJi1fdYTmDQubFq+7YifXvk5QXr7pp4+tXteXFW0Upe4uIWJr+rgRuAY4HVnRVraW/K9PkS4FJNW+fmGJWosdzmlvnxavupY31m1Pmxatu5fr695XKi1fd8W8aUyjeKvo9AUnaV9LIrsfA6cDjwGzg/DTZ+cBt6fFs4LzUGu5EYG1NVZ2VpOfAmruLV91hOReD8+JV535mxTy2uP6YgnnxVlFGm9nxwC3KhrodAvxbRNwh6RHgJkl/BDwPnJ2mvx04E+gENgIf6/8iW09PLltXKF51B+YMiZIXr7qxOc3T8+JVtyxnlPC8eKvo9wQUEc8Cx9aJrwZOqxMP4NP9UDQrYF7OnTzz4lV371P1G8bc+9QqTjvyoH4uTetbsa7+jjMvXnXrckY8yIu3Cl8xtl4ZPKh+a7e8eNX1vBnd7uJVt+Tl+okmL151o4bVHzU5L94qnICsV848un5XrLx41R2cMyhkXrzqxuZUTebFK69Ne0U4AVmvTM5pPpwXr7r7n65fBZcXrzr1vB3qbuJVtyrnRn158VbhBGS9csfC+j348+JV98zKDYXiVbcx59pFXrzq8sYAbvWxgZ2ArFf2Hlp/lNa8eNW9eUz95tZ58ao7/MD695XKi1fd3jk/u7x4q3ACsl55ecNrheJVN3a/4YXiVfd8TvPhvHjV5d0mqdVvn+QEZL3y6OL69xnJi1fdjENHF4pX3dBBOfcDyolX3Ws5/b/z4q3C36b1ytZtOSMh5MSrbu3m+pXxefGq+++X6l8by4tbe3ICsl4Zs2/95rB58apbvaH+GGZ58apbnVOVmxevurzePq3dC8gJyHorrzmsm8nWtWZj/R1nXrzqRg3PueNuTrzqhg7N6eicE28VTkDWKwfsW//YKi9edZ0r1xeKV934UfXPpPPiVbcx586ZefFW4QRkvTJuxF6F4lX39PL61y7y4lX3+NL6g9rmxa09OQFZrzyWM+hoXrzqtuQ0h82LV52vAVWDE5D1ysYt2wvFzYoYnNOBMi9u7ckJyHplSM4oznnxqts/p0t6XrzqBuc0ZsmLW3tyArJeGTG8fmODvHjVbX6t/plhXrzq9t2rfmLOi1t7cgKyXtmxo/7Fi7x41W3OyTN58arblNOhOS9u7ckJyHplzav1e/Dnxasur/uKu7XUt317/cycF7f25ARkvZK3G/DuIUfegbsP6OvLu7Ou77g7oDgBWa94f1rMppzMnBevuo05o2jmxa09OQGZmVkpnIDMzKwUTkBmZlYKJyAzMyuFE5CZmZXCCcjMzErhBGRmZqVwAjIzs1I4AZmZWSmcgMzMrBROQGZmVgonIDMzK4UTkJmZlcIJyMzMSuEEZGZmpWibBCTpDElPSeqUdHHZ5TEzsz3TFglI0mDgW8B7gSOBcyQdWW6pzKxZBheMW3tqiwQEHA90RsSzEfEacCMwq+QyVdpJU0YXipsV8bfvq398mRevuiEF461CEa1/i1tJHwTOiIhPpOcfBU6IiItqprkQuDA9PRx4qsgyBg0fMWrI6IOmAWzfuJbB++wHwLZXlj+zY/OGdXv+KQaevQ6aehx0X1+vLe+cU2qhWpjXVzFDDzzsWA0aNKRrfcWOHdu2rnx2XtnlalV9tH29KSLG9XXZ8rR6gmxYRFwNXN0X85LUsW3tyhl9Ma8q8PoqxuurGK+vYtppfbVLFdxSYFLN84kpZmZmbapdEtAjwDRJUyTtBXwEmF1ymczMbA+0RRVcRGyTdBFwJ1lDmGsiYmETF9knVXkV4vVVjNdXMV5fxbTN+mqLRghmZjbwtEsVnJmZDTBOQGZmVoq2TECS/lrSQknzJc2VdEKKHyXpfkn/IekzBed5qaSlaX6PS3pfL8t2qaTP9+a9e0rS9pry/1jSPgXeO13Smb1c7jfTuhtUE7tA0pW9mV+z9Fg//yFpdIofLOknezDfa1NftUanb8o2IumBvp5ngWUfJOlGSf8taY6k2yW9pUnL2qPvqxlqtq15kh6VdFID79lQcBkbejwv/BuT9L6+HMpM0mhJf9Lb97ddApI0E/gfwNsj4hjg94DFABGxMCJ+JyJ+PyKu6MXs/zkipgMfAq6p3aG2iU0RMT0i3gq8BnyqkTdJGgJMBwonoLSO3k/2Hbyz6PsbmL/68HuoXT8vA58GiIgXI6LhBNKqImKnnV76bptKkoBbgPsi4s0RcRzwJWB8M5bXot9X17Z1LNln//uyC9STpCERMTsiLu/D2Y4GqpOAgAnASxGxBSAiXoqIFwEkXSLpkXSEe3X6YXQd3T+UzphukbT/rhYQEU8C24Cxkm5NR3QL02gLpHluqHn8QUnX9pxP0eX2sfuBqZIOSJ9hfirLMalsl0r6gaRfAT8ALgM+nI7iPpz3vjpOBRYCVwHn1JtA0jhJN6fv5hFJJ9fE70rr9l8lPS9prKTJygaevR54HJgk6S/Te+dL+ts+WD8PAoekckyW9Hh6PFzS9yUtkPSYpHfV+TySdGUq438BB9a8dpykn6dt5k5JE3ZVCEmfTJ9rXlpH+6T4tZKukPSApGdrz7Dy1kXXNinpVGU1AbOBJxr5THvoXcDWiPhOVyAi5gGPSbo7nREskDQrlW+ypN+kz/i0pB9J+j1Jv5L0jKTj03Rd2+iDKf7Jmvd3fV8XSPp3SXekab5Wsz6uktSRtq/a9XS5pCfS+vvHPl4XAKOANTXL2+W2m7anryvbby2Q9OGiC0zr5J60jLslHZri10r6jqSHga+p5qwp/da7/m2S9M683336Lq6RdF/aHrtqmC4H3pzm8fVGPm83EdFW/4ARwFzgaeDbwDtrXjug5vEPgN9Pj+d3TUe2o/1mnfleCnw+PT4BeBFQ1zyBvcl2hmPS8w017/0gcG2d+ex2uX28bjakv0OA24D/CfwL8OUU/11gbk055wB7p+cXAFfWzKvu++os87vAR8l+dEuBoT3nB/wbcEp6fCjwZHp8JfCl9PgMIICxwGRgB3Bieu10sqalIjto+inwjj1YP4OBH5MN70Ra3uPp8efImvkDHAG8AAzvMZ8/AO5K8zkYeCVtA0OBB4BxaboPd81rF9vamJr4/wb+ND2+NpVxENkAvJ27Wxc1n+9U4FVgSqOfaQ+3u8+Q1R70jA8BRqXHY4HOVO7JZAd4R6fPMAe4Jr02C7i1Zj3NI/vtjSU7yz64x/d1AfAssB8wHHgemFS7P0jf033AMcAYsmG6uloAj+6jdbCdbL/0G2AtcFyB7+sDNdvT+PT9TNjFMrr+vcAbv7H/AM5Pjz9esw6vTcscXO93nmK/T3bAOpRd7y8eAIal72J1mv7176I3v9W2OwOKiA3AcWTjvq0C/q+kC9LL75L0sKQFZCvvKEn7kW1kP0/TXAe8I2f2fy5pLvCPwIcjW6OfkTQPeIhsNIZpjZSz4HL7yt6p/B1kG+f3gFPIkjERcQ8wRtKoNP3siNiUM69dvQ8AZZ2CzyTb2NcBDwPvqTOv3wOuTGWbDYySNCIt48a0jDuoOWoEno+Ih9Lj09O/x4BHyXaiDX0PPXStn+VkP/S76kxzCvDDVKbfkO3Qel7LeAdwQ0Rsj+zs+54UPxx4K3BXWs7fkI3asStvTWcrC4A/BI6qee3WiNgREU/wRnVWo+vi1xGxqMBnagYBX5U0H/gvsjPOrs+xKCIWRMQOsjPou9PvbQHZTq3LbRGxKSJeAu4lG5i4p7sjYm1EbAaeAN6U4mdLepRsXR1FlsjXApuB70n6A2BjH33Wriq4I8gOpq6XJBr7vk7hje1pBfBz4Ld3sYzpkV0quKTmtZlkB3qQ/W5PqXntxxGxvV6hJU0Dvg6cHRFb2fXv/v9FxJb0XaykfhVrod9qW3RE7SmtzPuA+9IP93xJN5KdEc2IiMWSLiU7IirinyPi9VNySaeS7TxnRsRGSffVzLO2A1XR5TTLprRhvi77DeR6dQ+X9x6yOuAFaTn7AJvIjnpqDSI7m9ncy7IJ+PuI+D97WN5NETE9VXPdSXYNqDfXCvMIWBgRMwusWmkAAATFSURBVAu851rgrIiYlw6kTq15bUuPeXf9bWRd7Ol3W8RCsjPAnv4QGEd2NrBV0nO88Vup/Ww7ap7voPt+qWdHxXodF2vntR0YImkK8HngtyNijbIq8uGRdWo/HjgtlfkisoPVPhMRD0oaS/bZ+2rb3RN1t4V0EHgT8MmIWNbAfHZaz/VmS4HP23ZnQJIOT1m7y3SyI7quDfultGI/CBARa4E1kn4nvf5RsiOMRuwHrEnJ5wjgxJrXVkj6Lb1xEb6bPVxuX7qfbEfQlVBfSmcrPa0HRhZ83znAJyJickRMBqYA79bOre9+Bvxp1xNJXUnyV8DZKXY6kHeN7E7g4+l7RdIhkg7MmXa3ImIjWbXR57TzRfraz/0WsirDniOr/4LsetlgZdd4uq6pPAWMU9ZQBklDJR3Fro0Elkka2rXc3ejNumjkM+2Je4Bh6n6N9BiyM5GVKfm8izfOTIqYpewa1hiy5PxIg+8bRbbjXStpPNm9xLp2uvtFxO3AnwPH9qJMu5T2FYPJqqka+b7u543taRzZGfavCy72AbIhyiD7ru9v4D3XAN+PiNppG91fdOm53yi0fbbjGdAI4F+UNaHdRlavfGFEvCLpu2TXaZbTfUM9H/hO2jE+C3yswWXdAXxK0pNkP9iHal67mOxIfxVZldeIOu/v7XL70qVkLfrmk1U3nJ8z3b3Axanq6O939770mc6gpqVdRLwq6Zdkdcq1PgN8K81rCNkO/FPA3wI3KLu9xoNk39t6eqzLiPiZpN8CHkxnTRuAc8mqAXolIh5L5TmH7j/WbwNXpTPrbcAFkRq81LiF7Kj5CbKqzgfTPF9T1ljgilQFOwT4JtkZQq0hvHE0+b/Iqi5Xpb8j2YVerotGPlOvRURIej/wTUlfJKvieo5sG7oiLbeD7PpIUfPJts2xwFci4kVJkxso0zxJj6VlLiY72IFs/d4maTjZ0fpf9KJM9XRV75Lme36qqWnk+7qFrAptHtkZ3hciYnnB5f8p8H1Jf0m2Le1yXyPpTWQH6W+R9PEU/gSN7y8AiIjVyhqPPA78Z0T8ZZHt00PxWGkkDQO2p2qRmcBVPasQByJJtwDfTUfhliNVo2+orRa3gaUdz4Bs4DgUuClVY74GfLLk8jRdOht4mqxa0qzSfAZkZmalaLtGCGZmNjA4AZmZWSmcgMzMrBROQGZNJulTks5Ljy+QdHDZZTJrBW6EYNaP0mgan4+IjrLLYlY2JyCzPpbOdj5P1qlwPvDfZB3yniMbemcp2ZBFf002DMpZ6X3vBv4kInYaWcNsIHIVnFkfSkPv/A3wu5HdG+azXa9FxE/IRgT4w9Th9nbgiDT8CmS916/p5yKblcYJyKxv/S7Z6MMvAUTEy3kTptGffwCcm4aWmgn8Z7+U0qwFeCQEs3J9n+xeLpvJEte2kstj1m98BmTWt+4BPpRGb0bSAT1e7zZ6cLqf0Itk1Xbf769CmrUCnwGZ9aGIWCjp74CfS9pOdmOu52omuZZshPRNZPeZ2gT8iOwuqk/2d3nNyuRWcGYlk3Ql8FhEfK/sspj1JycgsxJJmkN247R39+U9eszagROQmZmVwo0QzMysFE5AZmZWCicgMzMrhROQmZmVwgnIzMxK8f8BevUhCWG8xgkAAAAASUVORK5CYII=\n" + }, + "metadata": { + "needs_background": "light" + } + } + ] + }, + { + "cell_type": "markdown", + "source": [ + "# Fire insurance and property tax dependency" + ], + "metadata": { + "id": "XUeUvOQTVAGX" + } + }, + { + "cell_type": "code", + "source": [ + "data.plot(x = 'property tax (R$)', y = 'fire insurance (R$)', kind ='bar', xlim=(0,50000), ylim=(0,300))\n", + "plt.show()" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/", + "height": 311 + }, + "id": "BUe0g9shyVw-", + "outputId": "24b8d119-2122-4a6d-a192-e1896a717f54" + }, + "execution_count": 6, + "outputs": [ + { + "output_type": "display_data", + "data": { + "text/plain": [ + "
" + ], + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAXwAAAEmCAYAAABh8itbAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADh0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uMy4yLjIsIGh0dHA6Ly9tYXRwbG90bGliLm9yZy+WH4yJAAAgAElEQVR4nO3dfZRU9Z3n8feXB4GAUdSWOKBDR9FIiDSKBE1gVcyC0QX0+EA2KxgVBh+ijpmwTHKcMHvwHJ9Gd+OsOGR1wBliohJWBrMmxOiCcQcDCD6BAQW1EYEAgog8dX/3j/u73beLarq6q6qrqu/ndU6dqvrd3733dx/qU7d+t6quuTsiItLxdSp1A0REpH0o8EVEUkKBLyKSEgp8EZGUUOCLiKSEAl9EJCVaDHwz625mr5rZajN7y8z+PpRXm9kyM1tvZr80s6NCebfwfH0Y3r+4iyAiIrnI5Qh/P3CRuw8GaoAxZjYcuBd4yN1PA3YCN4T6NwA7Q/lDoZ6IiJRYi4HvkT3haddwc+Ai4JlQPhcYHx6PC88Jw0eZmRWsxSIi0iY59eGbWWczWwVsBRYD7wKfuPuhUKUW6Bse9wU+BAjDdwHHF7LRIiLSel1yqeTudUCNmR0LLAC+ku+MzWwKMAWgZ8+e53zlK3lPUkQkVVasWPFnd6/KtX5OgR9z90/M7EXgPOBYM+sSjuL7AZtCtU3AyUCtmXUBjgG2Z5nWbGA2wNChQ3358uWtaYqISOqZ2futqZ/Lt3SqwpE9ZtYD+BawBngRuDJUmwQ8Gx4vDM8Jw3/v+oc2EZGSy+UI/yRgrpl1JnqDeMrdF5nZ28AvzGwm8BrwWKj/GPAvZrYe2AFMKEK7RUSklVoMfHd/HRiSpfw9YFiW8n3AVQVpnYiIFEyr+vBFpDQOHjxIbW0t+/btK3VTpAS6d+9Ov3796Nq1a17TUeCLVIDa2lqOPvpo+vfvj37Wki7uzvbt26mtraW6ujqvaem/dEQqwL59+zj++OMV9ilkZhx//PEF+XSnwBepEAr79CrUtlfgi4ikhPrwRSpQ/+nPFXR6G++5tMU6P/3pT5k1axZnn30211xzDW+//TbTp09v0/wWLlyY1/jlaPPmzUyePJlFixbx0ksvMW7cOKqrq9m3bx+XXXYZDzzwQJP6M2bMYMaMGU3KLr74Yp5++ml69+5dlDbqCF9EcvLII4+wePFi5s2bx9ixY7OG9aFDh7KMebjmxi+UXNtRSA8++CCTJ09ueD5ixAhWrVrFa6+9xqJFi/jDH/4AwJ49e7j66quZNWsWZ511FtOmTWsY59prr+WRRx4pWhsV+CLSoqlTp/Lee+9xySWX8NBDDzFnzhxuvfVWAK677jqmTp3K17/+daZNm8a7777LmDFjOOeccxgxYgRr1649bHqZ4992222cf/75fPnLX+aZZ6I/4d28eTMjR46kpqaGQYMGsXTpUgB69erVMJ1nnnmG6667Lms7Xn31Vc477zyGDBnC+eefzzvvvNMw7yuuuIIxY8YwYMCAJoH7/PPPc/bZZzN48GBGjRoFwGeffcb111/PsGHDGDJkCM8++yzZzJ8/nzFjxhxW3qNHD2pqati0Kfr3mSeeeIJevXpx0003sWrVKiZOnNhQd+zYsTz55JM5bJG2UZeOiLTo0Ucf5fnnn+fFF1/khBNOYM6cOU2G19bW8sorr9C5c2dGjRrFo48+yoABA1i2bBk333wzv//97484/c2bN/Pyyy+zdu1axo4dy5VXXsnPf/5zRo8ezY9//GPq6urYu3dvi+1MtmP37t0sXbqULl268Lvf/Y4f/ehHzJ8/H6DhyLtbt26cccYZfP/736d79+5MnjyZJUuWUF1dzY4dOwC4++67ueiii3j88cf55JNPGDZsGBdffDE9e/ZsmO+GDRvo3bs33bp1O6xNO3fuZN26dYwcORKAo446it27d/P555/TqVMnBg0a1FC3d+/e7N+/n+3bt3P88YX/k2EFvojk7aqrrqJz587s2bOHV155hauuavyx/f79+1scf/z48XTq1ImBAweyZcsWAM4991yuv/56Dh48yPjx46mpqcm5HQC7du1i0qRJrFu3DjPj4MGDDfVGjRrFMcccA8DAgQN5//332blzJyNHjmz4rvtxxx0HwG9/+1sWLlzY0Ae/b98+PvjgA84888yG6W3evJmqqqZ/Wrl06VIGDx7MunXruOOOO/jSl74EwMSJE/nTn/7E3LlzWbp0KXfeeSdXXnllw3gnnngiH330kQJfRMpTfLRbX1/Psccey6pVq1o1fvLIOP6vxZEjR7JkyRKee+45rrvuOu68804mTpzY5CuKmd9NTx5133XXXVx44YUsWLCAjRs3csEFF2SdX+fOnY/Y5+/uzJ8/nzPOOKPZOj169DisLSNGjGDRokVs2LCB4cOHc/XVV1NTU8NRRx3Ffffdxxe+8AWuueYaRo8ezdChQ+nfv3/DMvXo0aPZeeVDffgiUjBf/OIXqa6u5umnnwaisFy9enWbpvX+++/Tp08fJk+ezI033sjKlSsB6NOnD2vWrKG+vp4FCxY0O/6uXbvo2ze6LlNmF1Q2w4cPZ8mSJWzYsAGgoUtn9OjRPPzwww1vRK+99tph455++uls3Lgx63Srq6uZPn06994bXe113bp1HDhwAIABAwZwzDHHNHRXuTsff/xxQ/gXmo7wRSpQLl+jLJV58+Zx0003MXPmTA4ePMiECRMYPHhwq6fz0ksvcf/999O1a1d69erFE088AcA999zDZZddRlVVFUOHDmXPnj1Zx582bRqTJk1i5syZXHppy+urqqqK2bNnc8UVV1BfX8+JJ57I4sWLueuuu7jjjjs466yzqK+vp7q6mkWLFjUZt2fPnpx66qmsX7+e00477bBpT506lQceeICNGzeydu1aJk2axKZNm5g/fz6XXnopAwcOBGDFihUMHz6cLl2KE81WDn9VrwugiBzZmjVrmvQZS/lZsGABK1asYObMmTnVz/Y9/Ntvv52xY8c2fEMoKds+YGYr3H1orm3UEb6ISAFcfvnlbN9+2MX9mpU8pxAbNGhQ1rAvFPXhi4gUyI033phz3WyBn/zhVjEo8EUqRDl0v0ppFGrbK/BFKkD37t3Zvn27Qj+F4v/D7969e97TUh++SAXo168ftbW1bNu2rdRNkRKIr3iVLwW+SAXo2rVr3lc7ElGXjohISijwRURSQoEvIpISCnwRkZRQ4IuIpIQCX0QkJRT4IiIp0WLgm9nJZvaimb1tZm+Z2e2hfIaZbTKzVeH27cQ4f2tm683sHTMbXcwFEBGR3OTyw6tDwA/cfaWZHQ2sMLPFYdhD7v5AsrKZDQQmAF8F/gL4nZmd7u51hWy4iIi0TotH+O6+2d1XhsefAmuAvkcYZRzwC3ff7+4bgPXAsEI0VkRE2q5Vffhm1h8YAiwLRbea2etm9riZ9Q5lfYEPE6PVcuQ3CBERaQc5B76Z9QLmA3e4+25gFnAqUANsBv6hNTM2sylmttzMlusPoUREii+nwDezrkRhP8/dfwXg7lvcvc7d64Gf0dhtswk4OTF6v1DWhLvPdveh7j60qqoqn2UQEZEc5PItHQMeA9a4+4OJ8pMS1S4H3gyPFwITzKybmVUDA4BXC9dkERFpi1yO8L8BXAtclPEVzPvM7A0zex24EPhrAHd/C3gKeBt4HrhF39Aprv7Tnyt1E0SkArT4tUx3fxmwLIN+fYRx7gbuzqNdIiJSYPqlrYhISijwRURSQoEvIpISCnwRkZRQ4IuIpIQCX0QkJRT4IiIpocAXEUkJBb6ISEoo8EVEUkKBL9IK+t8iqWQKfBGRlFDgi4ikhAJfRCQlFPh5UH+uiFQSBb6ISEoo8EVEUkKBLyKSEgp8EZGUUOCLiKSEAl9EJCUU+CIiKaHAFxFJCQW+iEhKKPBFRFJCgS8ikhIKfBGRlFDgi4ikRIuBb2Ynm9mLZva2mb1lZreH8uPMbLGZrQv3vUO5mdlPzWy9mb1uZmcXeyFERKRluRzhHwJ+4O4DgeHALWY2EJgOvODuA4AXwnOAS4AB4TYFmFXwVouISKu1GPjuvtndV4bHnwJrgL7AOGBuqDYXGB8ejwOe8Mi/A8ea2UkFb7mIiLRKq/rwzaw/MARYBvRx981h0MdAn/C4L/BhYrTaUJY5rSlmttzMlm/btq2VzRYRkdbKOfDNrBcwH7jD3Xcnh7m7A96aGbv7bHcf6u5Dq6qqWjOqiIi0QU6Bb2ZdicJ+nrv/KhRvibtqwv3WUL4JODkxer9QJiIiJZTLt3QMeAxY4+4PJgYtBCaFx5OAZxPlE8O3dYYDuxJdPyKSErrmc/npkkOdbwDXAm+Y2apQ9iPgHuApM7sBeB+4Ogz7NfBtYD2wF/heQVtcJrQzi0ilaTHw3f1lwJoZPCpLfQduybNdIiJSYPqlrYhISijwC0DdOyJSCRT4IiIpocAXEUkJBb6ISEoo8EVEUkKBL6miE+ySZgp8EZGUUOCLtBN9upBSU+CLiKSEAl9EpMwU69OgAl9EJCUU+CIiKaHAFxFJCQW+iEhKKPBFRFJCgS8ikhIKfBGRlFDgi4ikhAJf2kx/FSBSWRT4IiIpocAXEUkJBb6ISEoo8EVEUkKBLyKSEmUb+PoGiIhIYZVt4IuISGG1GPhm9riZbTWzNxNlM8xsk5mtCrdvJ4b9rZmtN7N3zGx0sRouIiKtk8sR/hxgTJbyh9y9Jtx+DWBmA4EJwFfDOI+YWedCNVZEXX0ibddi4Lv7EmBHjtMbB/zC3fe7+wZgPTAsj/aJiEiB5NOHf6uZvR66fHqHsr7Ah4k6taHsMGY2xcyWm9nybdu25dGMdNMRr4jkqq2BPws4FagBNgP/0NoJuPtsdx/q7kOrqqra2AwREclVmwLf3be4e5271wM/o7HbZhNwcqJqv1AmIm2gT3BSSG0KfDM7KfH0ciD+Bs9CYIKZdTOzamAA8Gp+TRQRkULo0lIFM3sSuAA4wcxqgZ8AF5hZDeDARuCvANz9LTN7CngbOATc4u51xWm6iIi0RouB7+7fyVL82BHq3w3cnU+jRESk8PRLWxGRlFDgi4ikhAJfRCQlFPgiIimhwM9C330unkpet5XcdhFQ4IuIpEaHCnwdgVUubTuR4utQgS8iIs1T4IuIpIQCX0QkJRT4IiIpkerAL9WJQp2gFJFSSHXgi7Q3vdlLKSnwRURSQoEvIpISFR34+ngsIrlSXlR44IuISO4U+CIiKaHAFxFJCQW+iEhKKPBFWpD2k33x8hdqPaR9fZaSAr+M6IUgIsWkwBcRSQkFvohISijwRaRDU1dpIwW+lJxekCLtQ4EvIpISLQa+mT1uZlvN7M1E2XFmttjM1oX73qHczOynZrbezF43s7OL2XgREcldLkf4c4AxGWXTgRfcfQDwQngOcAkwINymALMK00wREclXi4Hv7kuAHRnF44C54fFcYHyi/AmP/DtwrJmdVKjGipQDnXOQStXWPvw+7r45PP4Y6BMe9wU+TNSrDWUiIlJieZ+0dXcHvLXjmdkUM1tuZsu3bduWbzNEcqYjdEmrtgb+lrirJtxvDeWbgJMT9fqFssO4+2x3H+ruQ6uqqtrYDBERyVVbA38hMCk8ngQ8myifGL6tMxzYlej6ERFpNX0iK5wuLVUwsyeBC4ATzKwW+AlwD/CUmd0AvA9cHar/Gvg2sB7YC3yvCG0WEZE2aDHw3f07zQwalaWuA7fk2ygRESk8/dJWRCQlFPgi0qy09p931OVW4IuIpIQCvwIV+uijox7NiEhTCnwRkZRQ4IuIpIQCX0QkJRT4UtF0/kE6qmLs2wp8EZGUUOCLiKSEAl9EJCUU+CJSdHF/tM65lJYCX0QkJTpc4OsIQkQkuw4X+CIikp0CX0QkJRT40kDdYVIutC8WhwJfRCQlFPgiIimhwBcRSQkFvohISijwpaTScHIuDcvYXtp7XXa0q8sp8EWkqEodctJIgS8lUS4hUC7tkMNp2xSeAl9EJCUU+JJKOnrs2Eq5fct531Lgi4ikRJd8RjazjcCnQB1wyN2HmtlxwC+B/sBG4Gp335lfM0VEJF+FOMK/0N1r3H1oeD4deMHdBwAvhOciHUo5f2wvJ1pP5aUYXTrjgLnh8VxgfC4jacdof1rnIumSb+A78FszW2FmU0JZH3ffHB5/DPTJcx6SoJNRItJWefXhA990901mdiKw2MzWJge6u5uZZxsxvEFMATjllFOwPBsiIiJHltcRvrtvCvdbgQXAMGCLmZ0EEO63NjPubHcf6u5Dq6qqWj3vjna02dGWp6PR9oloPVS2Nge+mfU0s6Pjx8B/BN4EFgKTQrVJwLP5NlJEDpdv+OYzvoK/MuVzhN8HeNnMVgOvAs+5+/PAPcC3zGwdcHF4LgWmF5yItFabA9/d33P3weH2VXe/O5Rvd/dR7j7A3S929x2Fa66Uo9a++ejNStKgHPdz/dJWRCQH5RjgrVV2gd8RVqq0rzTtM2la1o6mlOdcYmUX+CIiUhwK/Awd/QiqueXr6MtdLO253uJ5Veq2qtR2l4NCrbsOEfjakdqX1ndl6j/9uTZvu460zct9WYrZvg4R+FJ65f4iKldab9KeFPgiFUBvDFIICvw26Egvvo60LJVG617amwJfRCQlyiLw39i0K+9p6GipNDrC/7GUSzuksPI5SV3INpSTsgh8EREpvrIK/EK9G+Yyncw65fZOLB2X9rXKkG07Vfq2K6vAL4XkBqz0jdnRVXL3UannL5G0b4fUB75UnnLom60k+jRb2QcLhVSWgd/eK7gjbdD2UonrrBLbnK80LrM0rywDPw3S+EJM4zIXQkfsS5bcFHo7K/BF2iitoZvW5W4PxV63CvwCKUUfoV54UkzlsH+Vog3F+ERVDusSFPgiIqmhwC+xQr7z5zotfWMhfSp9u1XyN7PKqd0KfKkIxXjRlNMLUaQ9KPDzVC7fcVZ4SVpoX287BX6Zaa+duSO8aDrCMqRVR992peiqzUXFB34l7ziV3HYRqTwVH/giIpIbBX4B6YhdclXqfaXU85fSUOCLiKSEAl9EJCWKFvhmNsbM3jGz9WY2vVjzERGR3BQl8M2sM/A/gUuAgcB3zGxgMeYlIiK5KdYR/jBgvbu/5+4HgF8A44o0LxERyYG5e+EnanYlMMbdbwzPrwW+7u63JupMAaaEp+cUvBEiIing7pZr3S7FbMiRuPtsYDaAmRX+XUdERJooVpfOJuDkxPN+oUxEREqkWIH/R2CAmVWb2VHABGBhkeYlIiI5KEqXjrsfMrNbgd8AnYHH3f2tI4xSD+TcDyUiIq1XlJO2IiJSfvRLWxGRlFDgi4ikhAJfRCQlSvI9fDO7BPhn4ETadrLW2zieiEhHUQcsdvdLch2h3U/amtlHwJdQYIuIFEI9cL67L2upYikCX18LEhEpsFz+YkF9+CIiKaHAFxFJCQW+iEhKlCLwnyjBPEVEUk8nbUVEKpsDe9z9iy1VVJeOiEhlM2B/ThV1hC8iUvn0tUwREWmgwBcRSQkFvohISpQi8J8twTxFRDoqB3bkUrEUJ23r0CcLEZGCKteTtgp7EZESUPiKiKSEAl9EJCVKEfiflGCeIiIdVc4nYksR+L8BngM2AZuBfUSX6nqP6MotsWKfTd6dpexguK/PMizmLQxvrVL+8ji5LPUFaosTbc+cfup9BIcynsftK+b6ymX69TS//eNhpf41+d7QjroSt6M5hdiO8b5biHVdBxwg2ueONN06Dt8vSyVuYx3RQfR/yWWkUgT+K8BpQDfg2HBfD/wlhbvsodO4YeKd6zMaXwQO7EkMj++7hsedaNzwB8M4WxLT75QxXvL+PmABsD3HtmYu80GaBsohGne0eB47yb7jHekFkK3ciJalHliT0ZY6YBuwi8Z1mPlCjV8onmh3HdCZaLsm55vrm+RHwKdZ2nIg0eZ6YGu4/TnLNA5kPHcaX9DJssw6AKvD/cPA9eF2MFGvU7h9lmUaEL3RxW2P96HmtkvmvhPbE6ZzfRj3ANGBEeS2Hj8LbYzbEe8/yX0oH8l2HwI+Ds8/Ido3s63bZNkBGl+HzU07Fi/v/ozn8b5rRPvLpizzi+eTKXPenYGjwrQt3DLX1S6iDMj1OuDxPOJ9pzXrPfM1Fi/LLuAHwArgRqJ1MjeUXZTblN3b9Qa8EW69gDeJds4dND2Ca+52oIXhdc2UHwz3f8oy7LOMevU0buxs03CiIHwnY/hN4f7zHJcl8zY8S1mu02muXub6SD5PrsvdWaZ3oJlpZFs3ydtbGesq262laTjRG1CyjZnL+HoL66IuY5xDWZ5nG39XxrSyLUtrtm9z+2Qu2/ODcN+HKPCPNP/6FobvC9NpbVua28a5bM9tBZpffcZ9fPuwmfW8KfG4NfviNJoeFNYfYd65trkQy51cruU03TcOhceHcsnfUnwP/3Oioz9dxFxEpEDK9Xv4BzOeZ378rgT59k+3lyN1YRRL+x5BFF/m/nqkLpVCntuR9lfI7VesfeHtcB/nZj1Rt2ZO8ytF4D8NLCPqxlkFLCb6aLaP6MX1UaiX/FhFM2WZJ3kzTxbGw3eE4X8OdeKTxPEJ4/hj3d7EtA4SrdQDNHbzEO5XEnUPJfvbP6Wxv92JuknirpFk++vCfPfT9CNbtuWNx838mEdi3B0c3l8IUdfSKho/0u5JLF8d0Y6zPzzeStO+zuR8k90q8XTj+70Z5X8m+uuMzJNb9WH+mf3ZB2lcZ9DYT+1E/cJraOxy252xnB8S9RnXEXXDxB/FP6Kx+2N7WEZPTDe+vUzj9o/bGNfZF6azl6j74oPEsrxH43b/JNSN+9jH01Tc7uU0rvvksOT2rMsyLDnO1nAfn3v6PKM+RPugA0vC8+T+EO/Le2n6Okm+Qe9N1Kuj6eshXveHaOyqiecRP86cZvy6Sq7nZJvibjbCfbJecvrxfvZRYlj82oqX5X2a7qdxm1fQ+FqrS0xnB9H++jnRNgbYSLStNhHtU3Emxe2I97O4nfFrI84IaHztxOc14PBtm3xtHMwYFu/70HT9x/vDPxK9JuaH6X5IY4a2qN27dDoqM/sK0BdY5u57EuVj3P350rVMcmVmvYHpwDjgxFC8BVgI3OPuO4swzzOBv0D7TYdnZvcBv3X332WUjwEedvcBRW+DAj9/ZnYbcAvREWkNcLu7PxuGrXT3s0vZPsmfmX3P3f+5wNO8DbgZWEsB9hszm+3uUwrZRmkfxdi/ss5HgZ8/M3sDOM/d95hZf+AZ4F/c/X+Y2WvuPqSkDZS8mdkH7n5KgafZ6v3GzI5rbnLAanfvV8g2Svsoxv6VTa7fKZUj6xR/HHf3jWZ2AfCMmf0l+jZSxTCz15sbRPSVxkJry36zjai/Ojncw/MTs44hZaEE+9dhFPiFscXMatx9FUA4YrsMeBz4WmmbJq3QBxhN9OOhJCP6wWChtWW/eQ8Y5e4fZA4ws5xO3EnJtPf+dRgFfmFMJOOXr+5+CJhoZv9UmiZJGywCesUBnGRmLxVhfm3Zb/470Jum3xyK3VfY5kmBtff+dRj14YtUGDMbBri7/9HMBgJjgLXu/usSN03KnAJfpIKY2U+AS4g+nS8Gvg68CHwL+I27313C5kmZU+CLVJDwzZ4aor8n+Rjo5+67zawH0Xf5zyppA6Ws6QIoIpXlkLvXufte4F133w3g7vGf9ok0S4EvUlkOmNkXwuNz4kIzOwYFvrRAXToiFcTMurn7YX/eZ2YnACe5+xslaJZUCAW+iEhKqEtHRCQlFPgiIimhwJfUMrMLzOz8Vo4zPvzYqVBtuMPMJobHc8xsg5mtMrPVZjYqS/0ZGc+/ZmZzCtUe6dgU+FLWzKxzkabbBbgAaFXgE13kpCCBH9pwPfDzRPEP3b0GuAN4NFH3m2a2DJhqZn+M3wzCSdp+Zlb0f1qUyqfAl5Iws/5mttbM5pnZGjN7Jv66oZltNLN7zWwlcJWZfcfM3jCzN83s3sQ09pjZQ2b2lpm9YGZVofxUM3vezFaY2dJwcZr4CPrREJxPAVOBvw5H1CPC0XXXUPeLyeeh7HxgLHB/GOdUM5scAni1mc1PLMOziSP3vzKzeVlWw0XAyvD/OZn+H9EFdWIPEl1k+1HgYmBdYti/ARNyXvmSWgp8KaUzgEfc/UyiSwHenBi2PVwAZAlwL1E41gDnmll8KcGewHJ3/yrwf4GfhPLZwPfd/Rzgb4BHEtPtB5zv7lcQhedD7l7j7kuBl4BLQ70JwK/cveESdO7+CtHVr34Yxnk31DnX3QcTXQDnhlB9CvB3ZjYC+AHw/SzL/w2iS/BlMwb434nnB4Cq0I5dGf+WuRwY0cx0RBoo8KWUPnT3P4TH/wp8MzHsl+H+XOAld98WjoTnASPDsPpEvX8FvmlmvYi6aZ42s1XAPwEnJab7tLsnrzGa9L+A74XH3wNyuQLRoPAp4g3gu8BXAdx9C/B3RP9z8wN335Fl3JOI/t8+6X4z+xNRN8+9ifIpwCTgNjN7MlwwJbaV6DKJIkekwJdSyvwRSPL5Z22cXifgk3AEHt/OzGW64c2nf7gQSWd3fzOHec4BbnX3rwF/D3RPDPsa0YXUmwvjzzPqQ/Tp4XTgvxL9L37ctrfd/T8Bs4ClwGOJcbrT9KLmIlkp8KWUTjGz88Lj/wy8nKXOq8B/MLMTwgnc7xB130C0/16ZHD/8t8wGM7sKwCKDm5n/p8DRGWVPEB1dN3d0nznO0cDm0Nf/3bgw/IXxJcAQ4G/MrDrLtNYApzUzn38EOpnZ6DC9QaH8ILAyow2nA7m8OUnKKfCllN4BbjGzNUQX9ZiVWcHdNwPTibpGVgMr4gt9Ex2tDzOzN4n6+P9bKP8ucIOZrQbeAsY1M/9/Ay6PT9qGsnmhLU82M84vgB+a2WtmdipwF7AM+APRxcgxs27Az4Dr3f0joj78x80s87KF/4fG7qnM5XZgJtGJWoCbzewVonMEjybKAS4EnmumvSIN9NcKUhKhD3qRuw9qoeqRprHH3XsVrFHRNK8Exrn7tYWc7hHmtwCY5u7rWqwc1Z/h7jMSz7sRfeL5ZjPf9hFpoEscigRm9jBRN8y323G204lO3uYU+IXxt00AAAA4SURBVETfJEo6BZiusJdc6AhfRCQl1IcvIpISCnwRkZRQ4IuIpIQCX0QkJRT4IiIpocAXEUmJ/w8KQSH7w3ZRpgAAAABJRU5ErkJggg==\n" + }, + "metadata": { + "needs_background": "light" + } + } + ] + }, + { + "cell_type": "markdown", + "source": [ + "# San Paulo" + ], + "metadata": { + "id": "rBg03SaTWY8b" + } + }, + { + "cell_type": "markdown", + "source": [ + "Sorting data city wise, with there features " + ], + "metadata": { + "id": "40_SqJiqVx5n" + } + }, + { + "cell_type": "code", + "source": [ + "san_paulo = data.loc[data['city'] == 'São Paulo']\n", + "print(san_paulo)" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "SNf-fjw1OGKq", + "outputId": "c8142885-c04b-47d9-c2a9-a1fd08ac3ebe" + }, + "execution_count": 8, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + " city area rooms bathroom parking spaces floor animal \\\n", + "0 São Paulo 70 2 1 1 7 acept \n", + "1 São Paulo 320 4 4 0 20 acept \n", + "4 São Paulo 25 1 1 0 1 not acept \n", + "5 São Paulo 376 3 3 7 - acept \n", + "7 São Paulo 213 4 4 4 4 acept \n", + "... ... ... ... ... ... ... ... \n", + "10683 São Paulo 280 4 4 2 5 acept \n", + "10685 São Paulo 83 3 2 2 11 acept \n", + "10686 São Paulo 150 3 3 2 8 not acept \n", + "10688 São Paulo 285 4 4 4 17 acept \n", + "10691 São Paulo 80 2 1 0 - acept \n", + "\n", + " furniture hoa (R$) rent amount (R$) property tax (R$) \\\n", + "0 furnished 2065 3300 211 \n", + "1 not furnished 1200 4960 1750 \n", + "4 not furnished 0 800 25 \n", + "5 not furnished 0 8000 834 \n", + "7 not furnished 2254 3223 1735 \n", + "... ... ... ... ... \n", + "10683 not furnished 4200 4000 1042 \n", + "10685 not furnished 888 7521 221 \n", + "10686 furnished 0 13500 0 \n", + "10688 not furnished 3100 15000 973 \n", + "10691 not furnished 0 1400 165 \n", + "\n", + " fire insurance (R$) total (R$) \n", + "0 42 5618 \n", + "1 63 7973 \n", + "4 11 836 \n", + "5 121 8955 \n", + "7 41 7253 \n", + "... ... ... \n", + "10683 51 9293 \n", + "10685 96 8726 \n", + "10686 172 13670 \n", + "10688 191 19260 \n", + "10691 22 1587 \n", + "\n", + "[5887 rows x 13 columns]\n" + ] + } + ] + }, + { + "cell_type": "markdown", + "source": [ + "" + ], + "metadata": { + "id": "2lCxRtzA8P9J" + } + }, + { + "cell_type": "code", + "source": [ + "mean1 = san_paulo[['area','rooms','bathroom', 'floor', 'rent amount (R$)', 'property tax (R$)', 'fire insurance (R$)', 'total (R$)']].mean().fillna(0)\n", + "print(mean1)" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "G7Gee-vbOqLK", + "outputId": "179f4cf6-8af4-49cb-b62c-a3f85022f551" + }, + "execution_count": 12, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "area 158.899439\n", + "rooms 2.558859\n", + "bathroom 2.467641\n", + "rent amount (R$) 4652.793783\n", + "property tax (R$) 495.701716\n", + "fire insurance (R$) 62.428911\n", + "total (R$) 6380.831833\n", + "dtype: float64\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "/usr/local/lib/python3.7/dist-packages/ipykernel_launcher.py:1: FutureWarning: Dropping of nuisance columns in DataFrame reductions (with 'numeric_only=None') is deprecated; in a future version this will raise TypeError. Select only valid columns before calling the reduction.\n", + " \"\"\"Entry point for launching an IPython kernel.\n" + ] + } + ] + }, + { + "cell_type": "markdown", + "source": [ + "# Porto Alegre" + ], + "metadata": { + "id": "SXlis_aCWViX" + } + }, + { + "cell_type": "code", + "source": [ + "porto_alegre = data.loc[data['city'] == 'Porto Alegre']\n", + "print(porto_alegre)" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "aSdac5HtQr-E", + "outputId": "18279c8e-8b02-429d-9d95-a14c3582bb2a" + }, + "execution_count": 13, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + " city area rooms bathroom parking spaces floor animal \\\n", + "2 Porto Alegre 80 1 1 1 6 acept \n", + "3 Porto Alegre 51 2 1 0 2 acept \n", + "35 Porto Alegre 38 1 1 2 11 not acept \n", + "39 Porto Alegre 40 1 1 1 6 acept \n", + "47 Porto Alegre 42 1 1 2 2 acept \n", + "... ... ... ... ... ... ... ... \n", + "10645 Porto Alegre 400 4 2 2 15 acept \n", + "10673 Porto Alegre 220 3 2 2 15 acept \n", + "10676 Porto Alegre 40 1 1 0 1 acept \n", + "10682 Porto Alegre 160 3 2 3 4 acept \n", + "10687 Porto Alegre 63 2 1 1 5 not acept \n", + "\n", + " furniture hoa (R$) rent amount (R$) property tax (R$) \\\n", + "2 not furnished 1000 2800 0 \n", + "3 not furnished 270 1112 22 \n", + "35 not furnished 450 1750 0 \n", + "39 furnished 390 2990 0 \n", + "47 furnished 190 1770 17 \n", + "... ... ... ... ... \n", + "10645 furnished 2250 6300 500 \n", + "10673 not furnished 842 2400 117 \n", + "10676 not furnished 330 1200 159 \n", + "10682 furnished 850 3300 220 \n", + "10687 furnished 402 1478 24 \n", + "\n", + " fire insurance (R$) total (R$) \n", + "2 41 3841 \n", + "3 17 1421 \n", + "35 26 2226 \n", + "39 44 3424 \n", + "47 26 2003 \n", + "... ... ... \n", + "10645 92 9142 \n", + "10673 36 3395 \n", + "10676 18 1707 \n", + "10682 49 4419 \n", + "10687 22 1926 \n", + "\n", + "[1193 rows x 13 columns]\n" + ] + } + ] + }, + { + "cell_type": "code", + "source": [ + "mean2 = porto_alegre[['area','rooms','bathroom', 'floor', 'rent amount (R$)', 'property tax (R$)', 'fire insurance (R$)', 'total (R$)']].mean().fillna(0)\n", + "print(mean2)" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "45l8mg2VRYCR", + "outputId": "71907dfc-1688-42ad-807a-d90cf8da874a" + }, + "execution_count": 14, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "area 103.609388\n", + "rooms 2.140821\n", + "bathroom 1.725901\n", + "rent amount (R$) 2337.699916\n", + "property tax (R$) 124.021794\n", + "fire insurance (R$) 36.425817\n", + "total (R$) 2989.782900\n", + "dtype: float64\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "/usr/local/lib/python3.7/dist-packages/ipykernel_launcher.py:1: FutureWarning: Dropping of nuisance columns in DataFrame reductions (with 'numeric_only=None') is deprecated; in a future version this will raise TypeError. Select only valid columns before calling the reduction.\n", + " \"\"\"Entry point for launching an IPython kernel.\n" + ] + } + ] + }, + { + "cell_type": "markdown", + "source": [ + " # Rio de Janeiro" + ], + "metadata": { + "id": "Nu5Aqh1rWQZj" + } + }, + { + "cell_type": "code", + "source": [ + "rio_de_janeiro = data.loc[data['city'] == 'Rio de Janeiro']\n", + "print(rio_de_janeiro)" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "dZoQK3MGRlgF", + "outputId": "db28dac6-a88c-4a3d-e4a0-052ffd8d010c" + }, + "execution_count": 16, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + " city area rooms bathroom parking spaces floor animal \\\n", + "6 Rio de Janeiro 72 2 1 0 7 acept \n", + "9 Rio de Janeiro 35 1 1 0 2 acept \n", + "17 Rio de Janeiro 88 2 3 1 9 not acept \n", + "18 Rio de Janeiro 56 2 1 0 8 acept \n", + "24 Rio de Janeiro 90 3 2 1 7 acept \n", + "... ... ... ... ... ... ... ... \n", + "10674 Rio de Janeiro 135 4 2 1 - acept \n", + "10675 Rio de Janeiro 250 3 2 1 11 acept \n", + "10684 Rio de Janeiro 98 2 1 0 1 acept \n", + "10689 Rio de Janeiro 70 3 3 0 8 not acept \n", + "10690 Rio de Janeiro 120 2 2 2 8 acept \n", + "\n", + " furniture hoa (R$) rent amount (R$) property tax (R$) \\\n", + "6 not furnished 740 1900 85 \n", + "9 furnished 590 2300 35 \n", + "17 furnished 1614 3500 221 \n", + "18 not furnished 800 1220 0 \n", + "24 not furnished 800 1800 118 \n", + "... ... ... ... ... \n", + "10674 not furnished 0 3300 115 \n", + "10675 not furnished 2000 2700 500 \n", + "10684 not furnished 560 3900 184 \n", + "10689 furnished 980 6000 332 \n", + "10690 furnished 1585 12000 279 \n", + "\n", + " fire insurance (R$) total (R$) \n", + "6 25 2750 \n", + "9 30 2955 \n", + "17 16 5351 \n", + "18 16 2036 \n", + "24 24 2742 \n", + "... ... ... \n", + "10674 51 3466 \n", + "10675 35 5235 \n", + "10684 51 4695 \n", + "10689 78 7390 \n", + "10690 155 14020 \n", + "\n", + "[1501 rows x 13 columns]\n" + ] + } + ] + }, + { + "cell_type": "code", + "source": [ + "mean3 = rio_de_janeiro[['area','rooms','bathroom', 'floor', 'rent amount (R$)', 'property tax (R$)', 'fire insurance (R$)', 'total (R$)']].mean().fillna(0)\n", + "print(mean3)" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "WKWK86XoSkqu", + "outputId": "47a8d776-fcd9-4fa7-e626-6a3a5b3d8f34" + }, + "execution_count": 19, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "area 105.347768\n", + "rooms 2.243837\n", + "bathroom 1.756163\n", + "rent amount (R$) 3232.904064\n", + "property tax (R$) 256.853431\n", + "fire insurance (R$) 42.483011\n", + "total (R$) 4611.684877\n", + "dtype: float64\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "/usr/local/lib/python3.7/dist-packages/ipykernel_launcher.py:1: FutureWarning: Dropping of nuisance columns in DataFrame reductions (with 'numeric_only=None') is deprecated; in a future version this will raise TypeError. Select only valid columns before calling the reduction.\n", + " \"\"\"Entry point for launching an IPython kernel.\n" + ] + } + ] + }, + { + "cell_type": "markdown", + "source": [ + "# Campinas" + ], + "metadata": { + "id": "L-bb1iMZWMzE" + } + }, + { + "cell_type": "code", + "source": [ + "Campinas = data.loc[data['city'] == 'Campinas']\n", + "print(Campinas)" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "gRAwuT7vS1WI", + "outputId": "ca2a1f4e-f320-4e60-fa7c-ab2da7eb275b" + }, + "execution_count": 20, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + " city area rooms bathroom parking spaces floor animal \\\n", + "11 Campinas 46 1 1 1 10 acept \n", + "15 Campinas 330 4 6 6 - acept \n", + "28 Campinas 208 3 2 4 - acept \n", + "48 Campinas 250 3 3 2 1 acept \n", + "49 Campinas 48 1 1 1 2 acept \n", + "... ... ... ... ... ... ... ... \n", + "10625 Campinas 92 3 3 2 11 acept \n", + "10629 Campinas 83 2 2 2 1 acept \n", + "10656 Campinas 140 1 2 2 15 acept \n", + "10659 Campinas 150 3 2 4 - acept \n", + "10661 Campinas 250 1 2 2 - acept \n", + "\n", + " furniture hoa (R$) rent amount (R$) property tax (R$) \\\n", + "11 not furnished 550 580 43 \n", + "15 furnished 680 8000 328 \n", + "28 not furnished 0 3180 100 \n", + "48 not furnished 2200 1700 256 \n", + "49 furnished 505 1600 59 \n", + "... ... ... ... ... \n", + "10625 not furnished 780 1700 167 \n", + "10629 furnished 800 3700 234 \n", + "10656 not furnished 1462 5200 284 \n", + "10659 furnished 0 3500 186 \n", + "10661 not furnished 0 2200 602 \n", + "\n", + " fire insurance (R$) total (R$) \n", + "11 8 1181 \n", + "15 121 9129 \n", + "28 48 3328 \n", + "48 22 4178 \n", + "49 21 2185 \n", + "... ... ... \n", + "10625 22 2669 \n", + "10629 47 4781 \n", + "10656 66 7012 \n", + "10659 53 3739 \n", + "10661 34 2836 \n", + "\n", + "[853 rows x 13 columns]\n" + ] + } + ] + }, + { + "cell_type": "code", + "source": [ + "mean4 = Campinas[['area','rooms','bathroom', 'floor', 'rent amount (R$)', 'property tax (R$)', 'fire insurance (R$)', 'total (R$)']].mean().fillna(0)\n", + "print(mean4)" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "PzVNOFdWThzG", + "outputId": "d2249618-e46f-42e1-c43d-52ba31d190c7" + }, + "execution_count": 21, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "area 137.561547\n", + "rooms 2.355217\n", + "bathroom 1.960141\n", + "rent amount (R$) 2364.290739\n", + "property tax (R$) 147.657679\n", + "fire insurance (R$) 32.388042\n", + "total (R$) 3173.276671\n", + "dtype: float64\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "/usr/local/lib/python3.7/dist-packages/ipykernel_launcher.py:1: FutureWarning: Dropping of nuisance columns in DataFrame reductions (with 'numeric_only=None') is deprecated; in a future version this will raise TypeError. Select only valid columns before calling the reduction.\n", + " \"\"\"Entry point for launching an IPython kernel.\n" + ] + } + ] + }, + { + "cell_type": "markdown", + "source": [ + "# Belo Horizonte" + ], + "metadata": { + "id": "ulIkJ74tWDq9" + } + }, + { + "cell_type": "code", + "source": [ + "belo_horizonte = data.loc[data['city'] == 'Belo Horizonte']\n", + "print(belo_horizonte)\n", + "mean5 = belo_horizonte[['area','rooms','bathroom', 'floor', 'rent amount (R$)', 'property tax (R$)', 'fire insurance (R$)', 'total (R$)']].mean().fillna(0)\n", + "print(mean5)" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "Ax-O87IvTwZK", + "outputId": "eb6320d1-f63d-47b8-9a50-9afa3d9cb06d" + }, + "execution_count": 23, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + " city area rooms bathroom parking spaces floor animal \\\n", + "21 Belo Horizonte 42 1 1 1 17 not acept \n", + "27 Belo Horizonte 64 2 2 1 11 acept \n", + "37 Belo Horizonte 80 3 2 1 - acept \n", + "42 Belo Horizonte 200 4 2 1 7 not acept \n", + "43 Belo Horizonte 45 1 1 1 5 acept \n", + "... ... ... ... ... ... ... ... \n", + "10644 Belo Horizonte 65 2 1 1 1 acept \n", + "10648 Belo Horizonte 80 2 1 1 3 not acept \n", + "10651 Belo Horizonte 95 3 2 2 7 acept \n", + "10665 Belo Horizonte 55 2 1 1 2 not acept \n", + "10667 Belo Horizonte 75 2 1 1 3 not acept \n", + "\n", + " furniture hoa (R$) rent amount (R$) property tax (R$) \\\n", + "21 furnished 470 2690 172 \n", + "27 not furnished 352 1500 80 \n", + "37 not furnished 0 11000 425 \n", + "42 not furnished 850 2550 9 \n", + "43 not furnished 500 1631 192 \n", + "... ... ... ... ... \n", + "10644 not furnished 200 1100 70 \n", + "10648 not furnished 240 1200 67 \n", + "10651 not furnished 525 3100 219 \n", + "10665 furnished 200 1600 75 \n", + "10667 not furnished 180 1250 0 \n", + "\n", + " fire insurance (R$) total (R$) \n", + "21 36 3368 \n", + "27 20 1952 \n", + "37 181 11610 \n", + "42 34 3443 \n", + "43 12 2335 \n", + "... ... ... \n", + "10644 15 1385 \n", + "10648 16 1523 \n", + "10651 42 3886 \n", + "10665 22 1897 \n", + "10667 17 1447 \n", + "\n", + "[1258 rows x 13 columns]\n", + "area 207.411765\n", + "rooms 3.020668\n", + "bathroom 2.402226\n", + "rent amount (R$) 3664.127981\n", + "property tax (R$) 272.782194\n", + "fire insurance (R$) 53.675676\n", + "total (R$) 6315.242448\n", + "dtype: float64\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "/usr/local/lib/python3.7/dist-packages/ipykernel_launcher.py:3: FutureWarning: Dropping of nuisance columns in DataFrame reductions (with 'numeric_only=None') is deprecated; in a future version this will raise TypeError. Select only valid columns before calling the reduction.\n", + " This is separate from the ipykernel package so we can avoid doing imports until\n" + ] + } + ] + } + ] +} \ No newline at end of file